max_stars_repo_path
stringlengths
4
237
max_stars_repo_name
stringlengths
6
117
max_stars_count
int64
0
95.2k
id
stringlengths
1
7
content
stringlengths
12
593k
input_ids
sequencelengths
7
549k
fastGraph/__main__.py
AngusKung/fastGraph
0
62246
#! /usr/bin/env python # -*- coding: utf-8 -*- import os import sys import random import psutil import logging import pandas as pd import numpy as np from io import open from collections import Counter from multiprocessing import cpu_count from concurrent.futures import ProcessPoolExecutor from scipy.sparse import csr_matrix, save_npz, load_npz, lil_matrix from argparse import ArgumentParser, FileType, ArgumentDefaultsHelpFormatter from gensim.models import Word2Vec from gensim.models.word2vec import LineSentence from six import text_type as unicode from six import iteritems from six.moves import range from fastGraph.graph import Graph from fastGraph import ngram import pdb p = psutil.Process(os.getpid()) try: p.cpu_affinity(list(range(cpu_count()))) except AttributeError: pass LOGFORMAT = "%(asctime).19s %(levelname)s %(filename)s Line %(lineno)s: %(message)s" logging.basicConfig(format=LOGFORMAT) logger = logging.getLogger("fastGraph") logger.setLevel(logging.INFO) DTYPE = np.float64 def debug(type_, value, tb): if hasattr(sys, 'ps1') or not sys.stderr.isatty(): sys.__excepthook__(type_, value, tb) else: import traceback import pdb traceback.print_exception(type_, value, tb) print(u"\n") pdb.pm() def load_matrix(args): logger.info("Reading from "+str(args.input)) if "wiki-Vote.csv" in args.input: df = pd.read_csv(args.input, sep=',', comment='#') max_node = max(max(df['FromNodeId'].unique()), max(df['ToNodeId'].unique())) total_len = max_node + 1 matrix = lil_matrix(np.zeros((total_len, total_len), dtype=DTYPE)) for row in df.itertuples(): matrix[row.FromNodeId, row.ToNodeId] = matrix[row.FromNodeId, row.ToNodeId] + 1 # Each edge is binary return csr_matrix(matrix) elif "weighted_directed.csv" in args.input: df = pd.read_csv(args.input, sep=',', comment='#') max_node = max(max(df['SOURCE'].unique()), max(df['TARGET'].unique())) total_len = max_node + 1 matrix = lil_matrix(np.zeros((total_len, total_len), dtype=DTYPE)) for row in df.itertuples(): matrix[row.SOURCE, row.TARGET] = matrix[row.SOURCE, row.TARGET] + row.RATING # Each edge has different weights return csr_matrix(matrix) elif ".npz" in args.input or ".npy" in args.input: logger.info("Load matrix directly") matrix = np.load(args.input) return csr_matrix(matrix) else: # Implement parsing here to transform into matrix form. raise NotImplementedError("Implement customized parsing here.") def fastGraph_flow(args): # Read and process different input matrix = load_matrix(args) logger.info("Matrix loaded.") graph = Graph() graph.build_graph_from_matrix(matrix, is_directed=True, remove_self_loops=False, normalized_edge=True, outward_prob_check=True) # Generate walks, select which walk to use by de-comment if args.walk_type == "likely": # walks = graph.build_likely_walk_corpus_multiprocess(args.number_paths, args.path_length, # rand=random.Random(0), shuffle=True, deduplicate=False) walks = graph.build_likely_walk_corpus(args.number_paths, args.path_length, rand=random.Random(0), shuffle=True, deduplicate=False) elif args.walk_type == "node2vec": graph.preprocess_node2vec_walk(args.p, args.q) walks = graph.build_node2vec_walk_corpus(args.number_paths, args.path_length, rand=random.Random(0), shuffle=True, deduplicate=False) elif args.walk_type == "deep": walks = graph.build_deepwalk_corpus(args.number_paths, args.path_length, rand=random.Random(0), shuffle=True, deduplicate=False) else: raise ValueError("--walk-type must be either 'likely', 'node2vec' or 'deep'.") # Save walks to storage, enabling gensim's iterator ability. walks_file = ''.join(str(args.input).split('.')[:-1])+'.walks' with open(walks_file, 'w') as fout: for walk in walks: fout.write(' '.join(walk)+'\n') logger.info("Walks saved to "+walks_file) walks = LineSentence(args.input) # Phrases if args.ngram > 1: logger.info("Building n-gram with n="+str(args.ngram)+"...") walks, ngram_phrasers = ngram.build_ngram(walks, args.ngram) # Word2Vec logger.info("Training ...") w2v = Word2Vec(walks, size=args.embed_size, window=args.window_size, min_count=0, sg=1, hs=0, negative=10, workers=args.workers) # Save model w2v.save(args.output) def main(): parser = ArgumentParser("fastGraph", formatter_class=ArgumentDefaultsHelpFormatter, conflict_handler='resolve') parser.add_argument("-l", "--log", dest="log", default="INFO", help="log verbosity level") parser.add_argument('--input', nargs='?', required=True, help='Input matrix') parser.add_argument('--max-memory-data-size', default=1000000000, type=int, help='Size to start dumping walks to disk, instead of keeping them in memory.') parser.add_argument('--number-paths', default=5, type=int, help='Number of random walks to start at each node') parser.add_argument('--output', required=True, help='Output representation file') parser.add_argument('--embed-size', default=64, type=int, help='Dimension of the latent vector as embedding.') parser.add_argument('--seed', default=0, type=int, help='Seed for random walk generator.') parser.add_argument('--directed', default=True, type=bool, help='Treat the graph as directed.') parser.add_argument('--path-length', default=40, type=int, help='Length of the random walk started at each node') parser.add_argument('--window-size', default=5, type=int, help='Window size of skipgram model.') parser.add_argument('--walk-type', default="likely", type=str, help='Which walk method to use: likely, random, node2vec.') parser.add_argument('--p', default=5, type=int, help="p value, refer to original paper: https://cs.stanford.edu/~jure/pubs/node2vec-kdd16.pdf ") parser.add_argument('--q', default=3, type=int, help="q value, refer to original paper: https://cs.stanford.edu/~jure/pubs/node2vec-kdd16.pdf ") parser.add_argument('--workers', default=cpu_count(), type=int, help='Number of parallel processes.') parser.add_argument('--ngram', default=1, type=int, help='N of n-grams, e.g.: set 2 for bigrams, 3 for trigrams, etc.') args = parser.parse_args() numeric_level = getattr(logging, args.log.upper(), None) logging.basicConfig(format=LOGFORMAT) logger.setLevel(numeric_level) fastGraph_flow(args) if __name__ == "__main": sys.exit(main())
[ 1, 396, 29991, 847, 4855, 29914, 2109, 29914, 6272, 3017, 13, 29937, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 13, 5215, 2897, 13, 5215, 10876, 13, 5215, 4036, 13, 5215, 6529, 4422, 13, 5215, 12183, 13, 5215, 11701, 408, 10518, 13, 5215, 12655, 408, 7442, 13, 3166, 12013, 1053, 1722, 13, 3166, 16250, 1053, 315, 5336, 13, 3166, 6674, 307, 985, 292, 1053, 26403, 29918, 2798, 13, 3166, 21984, 29889, 29888, 329, 1973, 1053, 10554, 11426, 13366, 13, 3166, 4560, 2272, 29889, 29879, 5510, 1053, 5939, 29878, 29918, 5344, 29892, 4078, 29918, 9302, 29920, 29892, 2254, 29918, 9302, 29920, 29892, 301, 309, 29918, 5344, 13, 3166, 1852, 5510, 1053, 23125, 11726, 29892, 3497, 1542, 29892, 23125, 24863, 29648, 18522, 13, 3166, 26943, 326, 29889, 9794, 1053, 10803, 29906, 25987, 13, 3166, 26943, 326, 29889, 9794, 29889, 1742, 29906, 2003, 1053, 7407, 29903, 296, 663, 13, 13, 3166, 4832, 1053, 1426, 29918, 1853, 408, 29104, 13, 3166, 4832, 1053, 4256, 7076, 13, 3166, 4832, 29889, 13529, 267, 1053, 3464, 13, 13, 3166, 5172, 9527, 29889, 4262, 1053, 12367, 13, 3166, 5172, 9527, 1053, 302, 1393, 13, 5215, 282, 2585, 13, 13, 29886, 353, 6529, 4422, 29889, 7032, 29898, 359, 29889, 657, 5935, 3101, 13, 2202, 29901, 13, 12, 29886, 29889, 21970, 29918, 3470, 13593, 29898, 1761, 29898, 3881, 29898, 21970, 29918, 2798, 580, 4961, 13, 19499, 23833, 2392, 29901, 13, 12, 3364, 13, 13, 13, 14480, 19094, 1299, 353, 11860, 29898, 294, 312, 603, 467, 29896, 29929, 29879, 1273, 29898, 5563, 978, 29897, 29879, 1273, 29898, 9507, 29897, 29879, 7407, 1273, 29898, 1915, 8154, 29897, 29879, 29901, 1273, 29898, 4906, 29897, 29879, 29908, 13, 21027, 29889, 16121, 3991, 29898, 4830, 29922, 14480, 19094, 1299, 29897, 13, 13, 21707, 353, 12183, 29889, 657, 16363, 703, 11255, 9527, 1159, 13, 21707, 29889, 842, 10108, 29898, 21027, 29889, 11690, 29897, 13, 13, 29928, 11116, 353, 7442, 29889, 7411, 29953, 29946, 13, 13, 1753, 4744, 29898, 1853, 3383, 995, 29892, 260, 29890, 1125, 13, 12, 361, 756, 5552, 29898, 9675, 29892, 525, 567, 29896, 1495, 470, 451, 10876, 29889, 303, 20405, 29889, 24766, 1017, 7295, 13, 12, 12, 9675, 17255, 735, 13300, 386, 2550, 12035, 1853, 3383, 995, 29892, 260, 29890, 29897, 13, 12, 2870, 29901, 13, 12, 12, 5215, 9637, 1627, 13, 12, 12, 5215, 282, 2585, 13, 12, 12, 15003, 1627, 29889, 2158, 29918, 11739, 29898, 1853, 3383, 995, 29892, 260, 29890, 29897, 13, 12, 12, 2158, 29898, 29884, 26732, 29876, 1159, 13, 12, 12, 29886, 2585, 29889, 3358, 580, 13, 13, 1753, 2254, 29918, 5344, 29898, 5085, 1125, 13, 12, 21707, 29889, 3888, 703, 6359, 292, 515, 15691, 710, 29898, 5085, 29889, 2080, 876, 13, 12, 361, 376, 4594, 29899, 29963, 866, 29889, 7638, 29908, 297, 6389, 29889, 2080, 29901, 13, 12, 12, 2176, 353, 10518, 29889, 949, 29918, 7638, 29898, 5085, 29889, 2080, 29892, 16345, 29922, 742, 742, 3440, 2433, 29937, 1495, 13, 12, 12, 3317, 29918, 3177, 353, 4236, 29898, 3317, 29898, 2176, 1839, 4591, 4247, 1204, 13359, 13092, 25739, 4236, 29898, 2176, 1839, 1762, 4247, 1204, 13359, 13092, 22130, 13, 12, 12, 7827, 29918, 2435, 353, 4236, 29918, 3177, 718, 29871, 29896, 13, 12, 12, 5344, 353, 301, 309, 29918, 5344, 29898, 9302, 29889, 3298, 359, 3552, 7827, 29918, 2435, 29892, 3001, 29918, 2435, 511, 26688, 29922, 29928, 11116, 876, 13, 12, 12, 1454, 1948, 297, 4489, 29889, 277, 814, 29884, 2701, 7295, 13, 12, 12, 12, 5344, 29961, 798, 29889, 4591, 4247, 1204, 29892, 1948, 29889, 1762, 4247, 1204, 29962, 353, 4636, 29961, 798, 29889, 4591, 4247, 1204, 29892, 1948, 29889, 1762, 4247, 1204, 29962, 718, 29871, 29896, 396, 7806, 7636, 338, 7581, 13, 12, 12, 2457, 5939, 29878, 29918, 5344, 29898, 5344, 29897, 13, 12, 23681, 376, 7915, 287, 29918, 11851, 287, 29889, 7638, 29908, 297, 6389, 29889, 2080, 29901, 13, 12, 12, 2176, 353, 10518, 29889, 949, 29918, 7638, 29898, 5085, 29889, 2080, 29892, 16345, 29922, 742, 742, 3440, 2433, 29937, 1495, 13, 12, 12, 3317, 29918, 3177, 353, 4236, 29898, 3317, 29898, 2176, 1839, 27839, 4741, 13359, 13092, 25739, 4236, 29898, 2176, 1839, 29911, 1718, 7194, 13359, 13092, 22130, 13, 12, 12, 7827, 29918, 2435, 353, 4236, 29918, 3177, 718, 29871, 29896, 13, 12, 12, 5344, 353, 301, 309, 29918, 5344, 29898, 9302, 29889, 3298, 359, 3552, 7827, 29918, 2435, 29892, 3001, 29918, 2435, 511, 26688, 29922, 29928, 11116, 876, 13, 12, 12, 1454, 1948, 297, 4489, 29889, 277, 814, 29884, 2701, 7295, 13, 12, 12, 12, 5344, 29961, 798, 29889, 27839, 4741, 29892, 1948, 29889, 29911, 1718, 7194, 29962, 353, 4636, 29961, 798, 29889, 27839, 4741, 29892, 1948, 29889, 29911, 1718, 7194, 29962, 718, 1948, 29889, 29934, 1299, 4214, 396, 7806, 7636, 756, 1422, 18177, 13, 12, 12, 2457, 5939, 29878, 29918, 5344, 29898, 5344, 29897, 13, 12, 23681, 11393, 9302, 29920, 29908, 297, 6389, 29889, 2080, 470, 11393, 29876, 2272, 29908, 297, 6389, 29889, 2080, 29901, 13, 12, 12, 21707, 29889, 3888, 703, 5896, 4636, 4153, 1159, 13, 12, 12, 5344, 353, 7442, 29889, 1359, 29898, 5085, 29889, 2080, 29897, 13, 12, 12, 2457, 5939, 29878, 29918, 5344, 29898, 5344, 29897, 13, 12, 2870, 29901, 13, 12, 12, 29937, 1954, 2037, 13755, 1244, 304, 4327, 964, 4636, 883, 29889, 13, 12, 12, 22692, 2216, 1888, 2037, 287, 2392, 703, 1888, 2037, 2888, 1891, 13755, 1244, 23157, 13, 13, 1753, 5172, 9527, 29918, 1731, 29898, 5085, 1125, 13, 12, 29937, 7523, 322, 1889, 1422, 1881, 13, 12, 5344, 353, 2254, 29918, 5344, 29898, 5085, 29897, 13, 12, 21707, 29889, 3888, 703, 14609, 7500, 23157, 13, 13, 12, 4262, 353, 12367, 580, 13, 12, 4262, 29889, 4282, 29918, 4262, 29918, 3166, 29918, 5344, 29898, 5344, 29892, 338, 29918, 11851, 287, 29922, 5574, 29892, 3349, 29918, 1311, 29918, 417, 3554, 29922, 8824, 29892, 13, 12, 12, 12, 12, 12, 12, 12, 12, 29871, 4226, 1891, 29918, 12864, 29922, 5574, 29892, 714, 1328, 29918, 22795, 29918, 3198, 29922, 5574, 29897, 13, 13, 12, 29937, 3251, 403, 17042, 2039, 29892, 1831, 607, 6686, 304, 671, 491, 316, 29899, 9342, 13, 12, 361, 6389, 29889, 20919, 29918, 1853, 1275, 376, 21280, 1115, 13, 12, 12, 29937, 17042, 2039, 353, 3983, 29889, 4282, 29918, 21280, 29918, 20919, 29918, 2616, 13364, 29918, 18056, 307, 985, 29898, 5085, 29889, 4537, 29918, 24772, 29892, 6389, 29889, 2084, 29918, 2848, 29892, 13, 12, 12, 29937, 20088, 29922, 8172, 29889, 17875, 29898, 29900, 511, 528, 21897, 29922, 5574, 29892, 28262, 786, 5926, 29922, 8824, 29897, 13, 12, 12, 14625, 2039, 353, 3983, 29889, 4282, 29918, 21280, 29918, 20919, 29918, 2616, 13364, 29898, 5085, 29889, 4537, 29918, 24772, 29892, 6389, 29889, 2084, 29918, 2848, 29892, 20088, 29922, 8172, 29889, 17875, 29898, 29900, 511, 13, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 528, 21897, 29922, 5574, 29892, 28262, 786, 5926, 29922, 8824, 29897, 13, 12, 23681, 6389, 29889, 20919, 29918, 1853, 1275, 376, 3177, 29906, 2003, 1115, 13, 12, 12, 4262, 29889, 1457, 5014, 29918, 3177, 29906, 2003, 29918, 20919, 29898, 5085, 29889, 29886, 29892, 6389, 29889, 29939, 29897, 13, 12, 12, 14625, 2039, 353, 3983, 29889, 4282, 29918, 3177, 29906, 2003, 29918, 20919, 29918, 2616, 13364, 29898, 5085, 29889, 4537, 29918, 24772, 29892, 6389, 29889, 2084, 29918, 2848, 29892, 20088, 29922, 8172, 29889, 17875, 29898, 29900, 511, 13, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 528, 21897, 29922, 5574, 29892, 28262, 786, 5926, 29922, 8824, 29897, 13, 12, 23681, 6389, 29889, 20919, 29918, 1853, 1275, 376, 24535, 1115, 13, 12, 12, 14625, 2039, 353, 3983, 29889, 4282, 29918, 24535, 20919, 29918, 2616, 13364, 29898, 5085, 29889, 4537, 29918, 24772, 29892, 6389, 29889, 2084, 29918, 2848, 29892, 20088, 29922, 8172, 29889, 17875, 29898, 29900, 511, 13, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 845, 21897, 29922, 5574, 29892, 28262, 786, 5926, 29922, 8824, 29897, 13, 12, 2870, 29901, 13, 12, 12, 22692, 7865, 2392, 703, 489, 20919, 29899, 1853, 1818, 367, 2845, 525, 21280, 742, 525, 3177, 29906, 2003, 29915, 470, 525, 24535, 4286, 1159, 13, 13, 12, 29937, 16913, 17042, 2039, 304, 8635, 29892, 427, 17961, 26943, 326, 29915, 29879, 20380, 11509, 29889, 13, 12, 14625, 2039, 29918, 1445, 353, 525, 4286, 7122, 29898, 710, 29898, 5085, 29889, 2080, 467, 5451, 12839, 1495, 7503, 29899, 29896, 2314, 29974, 4286, 14625, 2039, 29915, 13, 12, 2541, 1722, 29898, 14625, 2039, 29918, 1445, 29892, 525, 29893, 1495, 408, 285, 449, 29901, 13, 12, 12, 1454, 6686, 297, 17042, 2039, 29901, 13, 12, 12, 12, 29888, 449, 29889, 3539, 877, 15300, 7122, 29898, 20919, 7240, 12764, 29876, 1495, 13, 12, 21707, 29889, 3888, 703, 29956, 284, 2039, 7160, 304, 15691, 14625, 2039, 29918, 1445, 29897, 13, 12, 14625, 2039, 353, 7407, 29903, 296, 663, 29898, 5085, 29889, 2080, 29897, 13, 13, 12, 29937, 349, 1092, 2129, 13, 12, 361, 6389, 29889, 29876, 1393, 1405, 29871, 29896, 29901, 13, 12, 12, 21707, 29889, 3888, 703, 8893, 292, 302, 29899, 1393, 411, 302, 543, 29974, 710, 29898, 5085, 29889, 29876, 1393, 7240, 29908, 856, 1159, 13, 12, 12, 14625, 2039, 29892, 302, 1393, 29918, 561, 3417, 414, 353, 302, 1393, 29889, 4282, 29918, 29876, 1393, 29898, 14625, 2039, 29892, 6389, 29889, 29876, 1393, 29897, 13, 13, 12, 29937, 10803, 29906, 25987, 13, 12, 21707, 29889, 3888, 703, 5323, 2827, 2023, 1159, 13, 12, 29893, 29906, 29894, 353, 10803, 29906, 25987, 29898, 14625, 2039, 29892, 2159, 29922, 5085, 29889, 17987, 29918, 2311, 29892, 3474, 29922, 5085, 29889, 7165, 29918, 2311, 29892, 1375, 29918, 2798, 29922, 29900, 29892, 13, 12, 12, 12, 12, 12, 269, 29887, 29922, 29896, 29892, 298, 29879, 29922, 29900, 29892, 8178, 29922, 29896, 29900, 29892, 17162, 29922, 5085, 29889, 1287, 414, 29897, 13, 13, 12, 29937, 16913, 1904, 13, 12, 29893, 29906, 29894, 29889, 7620, 29898, 5085, 29889, 4905, 29897, 13, 13, 13, 1753, 1667, 7295, 13, 12, 16680, 353, 23125, 11726, 703, 11255, 9527, 613, 883, 2620, 29918, 1990, 29922, 15730, 24863, 29648, 18522, 29892, 14529, 29918, 13789, 2433, 17863, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 703, 29899, 29880, 613, 376, 489, 1188, 613, 2731, 543, 1188, 613, 2322, 543, 11690, 613, 13, 12, 12, 12, 12, 12, 12, 8477, 543, 1188, 9750, 359, 537, 3233, 1159, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 2080, 742, 302, 5085, 2433, 29973, 742, 3734, 29922, 5574, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 4290, 4636, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 3317, 29899, 14834, 29899, 1272, 29899, 2311, 742, 2322, 29922, 29896, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29892, 1134, 29922, 524, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 3505, 304, 1369, 16766, 292, 17042, 2039, 304, 8086, 29892, 2012, 310, 12515, 963, 297, 3370, 29889, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 4537, 29899, 24772, 742, 2322, 29922, 29945, 29892, 1134, 29922, 524, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 4557, 310, 4036, 17042, 2039, 304, 1369, 472, 1269, 2943, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 4905, 742, 3734, 29922, 5574, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 6466, 8954, 934, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 17987, 29899, 2311, 742, 2322, 29922, 29953, 29946, 29892, 1134, 29922, 524, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 16142, 2673, 310, 278, 3405, 296, 4608, 408, 23655, 29889, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 26776, 742, 2322, 29922, 29900, 29892, 1134, 29922, 524, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 2008, 287, 363, 4036, 6686, 15299, 29889, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 11851, 287, 742, 2322, 29922, 5574, 29892, 1134, 29922, 11227, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 29911, 276, 271, 278, 3983, 408, 10624, 29889, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 2084, 29899, 2848, 742, 2322, 29922, 29946, 29900, 29892, 1134, 29922, 524, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 6513, 310, 278, 4036, 6686, 4687, 472, 1269, 2943, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 7165, 29899, 2311, 742, 2322, 29922, 29945, 29892, 1134, 29922, 524, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 5907, 2159, 310, 14383, 1393, 1904, 29889, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 20919, 29899, 1853, 742, 2322, 543, 21280, 613, 1134, 29922, 710, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 8809, 436, 6686, 1158, 304, 671, 29901, 5517, 29892, 4036, 29892, 2943, 29906, 2003, 29889, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 29886, 742, 2322, 29922, 29945, 29892, 1134, 29922, 524, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 543, 29886, 995, 29892, 2737, 304, 2441, 5650, 29901, 2045, 597, 2395, 29889, 14411, 4006, 29889, 6085, 24629, 16465, 29914, 5467, 29879, 29914, 3177, 29906, 2003, 29899, 29895, 1289, 29896, 29953, 29889, 5140, 16521, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 29939, 742, 2322, 29922, 29941, 29892, 1134, 29922, 524, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 543, 29939, 995, 29892, 2737, 304, 2441, 5650, 29901, 2045, 597, 2395, 29889, 14411, 4006, 29889, 6085, 24629, 16465, 29914, 5467, 29879, 29914, 3177, 29906, 2003, 29899, 29895, 1289, 29896, 29953, 29889, 5140, 16521, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 1287, 414, 742, 2322, 29922, 21970, 29918, 2798, 3285, 1134, 29922, 524, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 4557, 310, 8943, 10174, 29889, 1495, 13, 13, 12, 16680, 29889, 1202, 29918, 23516, 877, 489, 29876, 1393, 742, 29871, 2322, 29922, 29896, 29892, 1134, 29922, 524, 29892, 13, 12, 12, 12, 12, 12, 12, 8477, 2433, 29940, 310, 302, 29899, 1393, 29879, 29892, 321, 29889, 29887, 4898, 731, 29871, 29906, 363, 289, 4481, 2232, 29892, 29871, 29941, 363, 534, 4481, 2232, 29892, 2992, 29889, 1495, 13, 13, 12, 5085, 353, 13812, 29889, 5510, 29918, 5085, 580, 13, 12, 21574, 29918, 5563, 353, 679, 5552, 29898, 21027, 29892, 6389, 29889, 1188, 29889, 21064, 3285, 6213, 29897, 13, 12, 21027, 29889, 16121, 3991, 29898, 4830, 29922, 14480, 19094, 1299, 29897, 13, 12, 21707, 29889, 842, 10108, 29898, 21574, 29918, 5563, 29897, 13, 13, 12, 11255, 9527, 29918, 1731, 29898, 5085, 29897, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1115, 13, 12, 9675, 29889, 13322, 29898, 3396, 3101, 2 ]
CodeChef/CENS20D.py
PROxZIMA/Competitive-Coding
1
82881
# https://www.codechef.com/viewsolution/36973732 for _ in range(int(input())): n = int(input()) a = list(map(int, input().split())) count = 0 for i in range(n): for j in range(i + 1, n): if a[i] & a[j] == a[i]: count += 1 print(count)
[ 1, 396, 2045, 597, 1636, 29889, 401, 1173, 29888, 29889, 510, 29914, 1493, 2929, 918, 29914, 29941, 29953, 29929, 29955, 29941, 29955, 29941, 29906, 13, 13, 1454, 903, 297, 3464, 29898, 524, 29898, 2080, 22130, 29901, 13, 1678, 302, 353, 938, 29898, 2080, 3101, 13, 1678, 263, 353, 1051, 29898, 1958, 29898, 524, 29892, 1881, 2141, 5451, 22130, 13, 268, 13, 1678, 2302, 353, 29871, 29900, 13, 1678, 363, 474, 297, 3464, 29898, 29876, 1125, 13, 4706, 363, 432, 297, 3464, 29898, 29875, 718, 29871, 29896, 29892, 302, 1125, 13, 9651, 565, 263, 29961, 29875, 29962, 669, 263, 29961, 29926, 29962, 1275, 263, 29961, 29875, 5387, 13, 18884, 2302, 4619, 29871, 29896, 13, 268, 13, 1678, 1596, 29898, 2798, 29897, 2 ]
mycode/test03.py
JamesWang007/kitti_object_vis
0
191401
import torch import numpy as np import _init_path import numpy as np import os import torch import torch.nn as nn import torch.optim as optim import torch.optim.lr_scheduler as lr_sched from torch.nn.utils import clip_grad_norm_ from torch.utils.data import DataLoader import tensorboard_logger as tb_log from dataset import KittiDataset import argparse import importlib from pointnet2_msg import Pointnet2MSG as pointnet2_msg import kitti_utils import mayavi.mlab as mlab # pts_mode='sphere' def draw_lidar( pc, color=None, fig=None, bgcolor=(0, 0, 0), pts_scale=0.3, pts_mode="sphere", pts_color=None, color_by_intensity=False, pc_label=False, ): """ Draw lidar points Args: pc: numpy array (n,3) of XYZ color: numpy array (n) of intensity or whatever fig: mayavi figure handler, if None create new one otherwise will use it Returns: fig: created or used fig """ # ind = (pc[:,2]< -1.65) # pc = pc[ind] pts_mode = "point" print("====================", pc.shape) if fig is None: fig = mlab.figure( figure=None, bgcolor=bgcolor, fgcolor=None, engine=None, size=(1600, 1000) ) if color is None: color = pc[:, 2] if pc_label: color = pc[:, 4] if color_by_intensity: color = pc[:, 2] mlab.points3d( pc[:, 0], pc[:, 1], pc[:, 2], color, color=pts_color, mode=pts_mode, colormap="gnuplot", scale_factor=pts_scale, figure=fig, ) # draw origin mlab.points3d(0, 0, 0, color=(1, 1, 1), mode="sphere", scale_factor=0.2) # draw axis axes = np.array( [[2.0, 0.0, 0.0, 0.0], [0.0, 2.0, 0.0, 0.0], [0.0, 0.0, 2.0, 0.0]], dtype=np.float64, ) mlab.plot3d( [0, axes[0, 0]], [0, axes[0, 1]], [0, axes[0, 2]], color=(1, 0, 0), tube_radius=None, figure=fig, ) mlab.plot3d( [0, axes[1, 0]], [0, axes[1, 1]], [0, axes[1, 2]], color=(0, 1, 0), tube_radius=None, figure=fig, ) mlab.plot3d( [0, axes[2, 0]], [0, axes[2, 1]], [0, axes[2, 2]], color=(0, 0, 1), tube_radius=None, figure=fig, ) # draw fov (todo: update to real sensor spec.) fov = np.array( [[20.0, 20.0, 0.0, 0.0], [20.0, -20.0, 0.0, 0.0]], dtype=np.float64 # 45 degree ) mlab.plot3d( [0, fov[0, 0]], [0, fov[0, 1]], [0, fov[0, 2]], color=(1, 1, 1), tube_radius=None, line_width=1, figure=fig, ) mlab.plot3d( [0, fov[1, 0]], [0, fov[1, 1]], [0, fov[1, 2]], color=(1, 1, 1), tube_radius=None, line_width=1, figure=fig, ) # draw square region TOP_Y_MIN = -20 TOP_Y_MAX = 20 TOP_X_MIN = 0 TOP_X_MAX = 40 TOP_Z_MIN = -2.0 TOP_Z_MAX = 0.4 x1 = TOP_X_MIN x2 = TOP_X_MAX y1 = TOP_Y_MIN y2 = TOP_Y_MAX mlab.plot3d( [x1, x1], [y1, y2], [0, 0], color=(0.5, 0.5, 0.5), tube_radius=0.1, line_width=1, figure=fig, ) mlab.plot3d( [x2, x2], [y1, y2], [0, 0], color=(0.5, 0.5, 0.5), tube_radius=0.1, line_width=1, figure=fig, ) mlab.plot3d( [x1, x2], [y1, y1], [0, 0], color=(0.5, 0.5, 0.5), tube_radius=0.1, line_width=1, figure=fig, ) mlab.plot3d( [x1, x2], [y2, y2], [0, 0], color=(0.5, 0.5, 0.5), tube_radius=0.1, line_width=1, figure=fig, ) # mlab.orientation_axes() mlab.view( azimuth=180, elevation=70, focalpoint=[12.0909996, -1.04700089, -2.03249991], distance=62.0, figure=fig, ) return fig def load_res(filename): res = np.fromfile(filename, dtype=np.float32, sep=' ') return res.reshape(-1,4).view() def main(): # load data pc = np.fromfile('../data/save//train_03.bin', dtype=np.float32).reshape(-1,4) res = np.fromfile('res_03.txt', dtype=np.float32).reshape(-1,4) fig = draw_lidar(pc) if __name__ == "__main__": main()
[ 1, 1053, 4842, 305, 13, 5215, 12655, 408, 7442, 13, 13, 5215, 903, 2344, 29918, 2084, 13, 5215, 12655, 408, 7442, 13, 5215, 2897, 13, 5215, 4842, 305, 13, 5215, 4842, 305, 29889, 15755, 408, 302, 29876, 13, 5215, 4842, 305, 29889, 20640, 408, 5994, 13, 5215, 4842, 305, 29889, 20640, 29889, 29212, 29918, 816, 14952, 408, 301, 29878, 29918, 816, 287, 13, 3166, 4842, 305, 29889, 15755, 29889, 13239, 1053, 20102, 29918, 5105, 29918, 12324, 29918, 13, 3166, 4842, 305, 29889, 13239, 29889, 1272, 1053, 3630, 10036, 13, 5215, 12489, 3377, 29918, 21707, 408, 260, 29890, 29918, 1188, 13, 3166, 8783, 1053, 476, 986, 29875, 16390, 24541, 13, 5215, 1852, 5510, 13, 5215, 1053, 1982, 13, 3166, 1298, 1212, 29906, 29918, 7645, 1053, 8984, 1212, 29906, 4345, 29954, 408, 1298, 1212, 29906, 29918, 7645, 13, 13, 5215, 413, 986, 29875, 29918, 13239, 13, 13, 5215, 1122, 17345, 29889, 828, 370, 408, 286, 8205, 13, 13, 13, 29937, 282, 1372, 29918, 8513, 2433, 29879, 9085, 29915, 13, 1753, 4216, 29918, 29880, 333, 279, 29898, 13, 1678, 22844, 29892, 13, 1678, 2927, 29922, 8516, 29892, 13, 1678, 2537, 29922, 8516, 29892, 13, 1678, 25989, 2780, 7607, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 511, 13, 1678, 282, 1372, 29918, 7052, 29922, 29900, 29889, 29941, 29892, 13, 1678, 282, 1372, 29918, 8513, 543, 29879, 9085, 613, 13, 1678, 282, 1372, 29918, 2780, 29922, 8516, 29892, 13, 1678, 2927, 29918, 1609, 29918, 524, 575, 537, 29922, 8824, 29892, 13, 1678, 22844, 29918, 1643, 29922, 8824, 29892, 13, 1125, 13, 1678, 9995, 18492, 17343, 279, 3291, 13, 1678, 826, 3174, 29901, 13, 4706, 22844, 29901, 12655, 1409, 313, 29876, 29892, 29941, 29897, 310, 1060, 29979, 29999, 13, 4706, 2927, 29901, 12655, 1409, 313, 29876, 29897, 310, 26171, 470, 6514, 13, 4706, 2537, 29901, 1122, 17345, 4377, 7834, 29892, 565, 6213, 1653, 716, 697, 6467, 674, 671, 372, 13, 1678, 16969, 29901, 13, 4706, 2537, 29901, 2825, 470, 1304, 2537, 13, 1678, 9995, 13, 1678, 396, 1399, 353, 313, 6739, 7503, 29892, 29906, 29962, 29966, 448, 29896, 29889, 29953, 29945, 29897, 13, 1678, 396, 22844, 353, 22844, 29961, 513, 29962, 13, 1678, 282, 1372, 29918, 8513, 353, 376, 3149, 29908, 13, 1678, 1596, 703, 9166, 25512, 543, 29892, 22844, 29889, 12181, 29897, 13, 1678, 565, 2537, 338, 6213, 29901, 13, 4706, 2537, 353, 286, 8205, 29889, 4532, 29898, 13, 9651, 4377, 29922, 8516, 29892, 25989, 2780, 29922, 16264, 2780, 29892, 285, 29887, 2780, 29922, 8516, 29892, 6012, 29922, 8516, 29892, 2159, 7607, 29896, 29953, 29900, 29900, 29892, 29871, 29896, 29900, 29900, 29900, 29897, 13, 4706, 1723, 13, 1678, 565, 2927, 338, 6213, 29901, 13, 4706, 2927, 353, 22844, 7503, 29892, 29871, 29906, 29962, 13, 1678, 565, 22844, 29918, 1643, 29901, 13, 4706, 2927, 353, 22844, 7503, 29892, 29871, 29946, 29962, 13, 1678, 565, 2927, 29918, 1609, 29918, 524, 575, 537, 29901, 13, 4706, 2927, 353, 22844, 7503, 29892, 29871, 29906, 29962, 13, 13, 1678, 286, 8205, 29889, 9748, 29941, 29881, 29898, 13, 4706, 22844, 7503, 29892, 29871, 29900, 1402, 13, 4706, 22844, 7503, 29892, 29871, 29896, 1402, 13, 4706, 22844, 7503, 29892, 29871, 29906, 1402, 13, 4706, 2927, 29892, 13, 4706, 2927, 29922, 16485, 29918, 2780, 29892, 13, 4706, 4464, 29922, 16485, 29918, 8513, 29892, 13, 4706, 784, 555, 481, 543, 18713, 5317, 613, 13, 4706, 6287, 29918, 19790, 29922, 16485, 29918, 7052, 29892, 13, 4706, 4377, 29922, 1003, 29892, 13, 1678, 1723, 13, 13, 1678, 396, 4216, 3978, 13, 1678, 286, 8205, 29889, 9748, 29941, 29881, 29898, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 29892, 2927, 7607, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 511, 4464, 543, 29879, 9085, 613, 6287, 29918, 19790, 29922, 29900, 29889, 29906, 29897, 13, 13, 1678, 396, 4216, 9685, 13, 1678, 27815, 353, 7442, 29889, 2378, 29898, 13, 4706, 5519, 29906, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 1402, 518, 29900, 29889, 29900, 29892, 29871, 29906, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 1402, 518, 29900, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 29892, 29871, 29906, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 20526, 13, 4706, 26688, 29922, 9302, 29889, 7411, 29953, 29946, 29892, 13, 1678, 1723, 13, 1678, 286, 8205, 29889, 5317, 29941, 29881, 29898, 13, 4706, 518, 29900, 29892, 27815, 29961, 29900, 29892, 29871, 29900, 20526, 13, 4706, 518, 29900, 29892, 27815, 29961, 29900, 29892, 29871, 29896, 20526, 13, 4706, 518, 29900, 29892, 27815, 29961, 29900, 29892, 29871, 29906, 20526, 13, 4706, 2927, 7607, 29896, 29892, 29871, 29900, 29892, 29871, 29900, 511, 13, 4706, 260, 4003, 29918, 13471, 29922, 8516, 29892, 13, 4706, 4377, 29922, 1003, 29892, 13, 1678, 1723, 13, 1678, 286, 8205, 29889, 5317, 29941, 29881, 29898, 13, 4706, 518, 29900, 29892, 27815, 29961, 29896, 29892, 29871, 29900, 20526, 13, 4706, 518, 29900, 29892, 27815, 29961, 29896, 29892, 29871, 29896, 20526, 13, 4706, 518, 29900, 29892, 27815, 29961, 29896, 29892, 29871, 29906, 20526, 13, 4706, 2927, 7607, 29900, 29892, 29871, 29896, 29892, 29871, 29900, 511, 13, 4706, 260, 4003, 29918, 13471, 29922, 8516, 29892, 13, 4706, 4377, 29922, 1003, 29892, 13, 1678, 1723, 13, 1678, 286, 8205, 29889, 5317, 29941, 29881, 29898, 13, 4706, 518, 29900, 29892, 27815, 29961, 29906, 29892, 29871, 29900, 20526, 13, 4706, 518, 29900, 29892, 27815, 29961, 29906, 29892, 29871, 29896, 20526, 13, 4706, 518, 29900, 29892, 27815, 29961, 29906, 29892, 29871, 29906, 20526, 13, 4706, 2927, 7607, 29900, 29892, 29871, 29900, 29892, 29871, 29896, 511, 13, 4706, 260, 4003, 29918, 13471, 29922, 8516, 29892, 13, 4706, 4377, 29922, 1003, 29892, 13, 1678, 1723, 13, 13, 1678, 396, 4216, 285, 586, 313, 29873, 8144, 29901, 2767, 304, 1855, 23530, 1580, 1846, 13, 1678, 285, 586, 353, 7442, 29889, 2378, 29898, 13, 4706, 5519, 29906, 29900, 29889, 29900, 29892, 29871, 29906, 29900, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 1402, 518, 29906, 29900, 29889, 29900, 29892, 448, 29906, 29900, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 20526, 26688, 29922, 9302, 29889, 7411, 29953, 29946, 29871, 396, 29871, 29946, 29945, 7426, 13, 1678, 1723, 13, 13, 1678, 286, 8205, 29889, 5317, 29941, 29881, 29898, 13, 4706, 518, 29900, 29892, 285, 586, 29961, 29900, 29892, 29871, 29900, 20526, 13, 4706, 518, 29900, 29892, 285, 586, 29961, 29900, 29892, 29871, 29896, 20526, 13, 4706, 518, 29900, 29892, 285, 586, 29961, 29900, 29892, 29871, 29906, 20526, 13, 4706, 2927, 7607, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 511, 13, 4706, 260, 4003, 29918, 13471, 29922, 8516, 29892, 13, 4706, 1196, 29918, 2103, 29922, 29896, 29892, 13, 4706, 4377, 29922, 1003, 29892, 13, 1678, 1723, 13, 1678, 286, 8205, 29889, 5317, 29941, 29881, 29898, 13, 4706, 518, 29900, 29892, 285, 586, 29961, 29896, 29892, 29871, 29900, 20526, 13, 4706, 518, 29900, 29892, 285, 586, 29961, 29896, 29892, 29871, 29896, 20526, 13, 4706, 518, 29900, 29892, 285, 586, 29961, 29896, 29892, 29871, 29906, 20526, 13, 4706, 2927, 7607, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 511, 13, 4706, 260, 4003, 29918, 13471, 29922, 8516, 29892, 13, 4706, 1196, 29918, 2103, 29922, 29896, 29892, 13, 4706, 4377, 29922, 1003, 29892, 13, 1678, 1723, 13, 13, 1678, 396, 4216, 6862, 5120, 13, 1678, 323, 4590, 29918, 29979, 29918, 16173, 353, 448, 29906, 29900, 13, 1678, 323, 4590, 29918, 29979, 29918, 12648, 353, 29871, 29906, 29900, 13, 1678, 323, 4590, 29918, 29990, 29918, 16173, 353, 29871, 29900, 13, 1678, 323, 4590, 29918, 29990, 29918, 12648, 353, 29871, 29946, 29900, 13, 1678, 323, 4590, 29918, 29999, 29918, 16173, 353, 448, 29906, 29889, 29900, 13, 1678, 323, 4590, 29918, 29999, 29918, 12648, 353, 29871, 29900, 29889, 29946, 13, 13, 1678, 921, 29896, 353, 323, 4590, 29918, 29990, 29918, 16173, 13, 1678, 921, 29906, 353, 323, 4590, 29918, 29990, 29918, 12648, 13, 1678, 343, 29896, 353, 323, 4590, 29918, 29979, 29918, 16173, 13, 1678, 343, 29906, 353, 323, 4590, 29918, 29979, 29918, 12648, 13, 1678, 286, 8205, 29889, 5317, 29941, 29881, 29898, 13, 4706, 518, 29916, 29896, 29892, 921, 29896, 1402, 13, 4706, 518, 29891, 29896, 29892, 343, 29906, 1402, 13, 4706, 518, 29900, 29892, 29871, 29900, 1402, 13, 4706, 2927, 7607, 29900, 29889, 29945, 29892, 29871, 29900, 29889, 29945, 29892, 29871, 29900, 29889, 29945, 511, 13, 4706, 260, 4003, 29918, 13471, 29922, 29900, 29889, 29896, 29892, 13, 4706, 1196, 29918, 2103, 29922, 29896, 29892, 13, 4706, 4377, 29922, 1003, 29892, 13, 1678, 1723, 13, 1678, 286, 8205, 29889, 5317, 29941, 29881, 29898, 13, 4706, 518, 29916, 29906, 29892, 921, 29906, 1402, 13, 4706, 518, 29891, 29896, 29892, 343, 29906, 1402, 13, 4706, 518, 29900, 29892, 29871, 29900, 1402, 13, 4706, 2927, 7607, 29900, 29889, 29945, 29892, 29871, 29900, 29889, 29945, 29892, 29871, 29900, 29889, 29945, 511, 13, 4706, 260, 4003, 29918, 13471, 29922, 29900, 29889, 29896, 29892, 13, 4706, 1196, 29918, 2103, 29922, 29896, 29892, 13, 4706, 4377, 29922, 1003, 29892, 13, 1678, 1723, 13, 1678, 286, 8205, 29889, 5317, 29941, 29881, 29898, 13, 4706, 518, 29916, 29896, 29892, 921, 29906, 1402, 13, 4706, 518, 29891, 29896, 29892, 343, 29896, 1402, 13, 4706, 518, 29900, 29892, 29871, 29900, 1402, 13, 4706, 2927, 7607, 29900, 29889, 29945, 29892, 29871, 29900, 29889, 29945, 29892, 29871, 29900, 29889, 29945, 511, 13, 4706, 260, 4003, 29918, 13471, 29922, 29900, 29889, 29896, 29892, 13, 4706, 1196, 29918, 2103, 29922, 29896, 29892, 13, 4706, 4377, 29922, 1003, 29892, 13, 1678, 1723, 13, 1678, 286, 8205, 29889, 5317, 29941, 29881, 29898, 13, 4706, 518, 29916, 29896, 29892, 921, 29906, 1402, 13, 4706, 518, 29891, 29906, 29892, 343, 29906, 1402, 13, 4706, 518, 29900, 29892, 29871, 29900, 1402, 13, 4706, 2927, 7607, 29900, 29889, 29945, 29892, 29871, 29900, 29889, 29945, 29892, 29871, 29900, 29889, 29945, 511, 13, 4706, 260, 4003, 29918, 13471, 29922, 29900, 29889, 29896, 29892, 13, 4706, 1196, 29918, 2103, 29922, 29896, 29892, 13, 4706, 4377, 29922, 1003, 29892, 13, 1678, 1723, 13, 13, 1678, 396, 286, 8205, 29889, 20659, 29918, 1165, 267, 580, 13, 1678, 286, 8205, 29889, 1493, 29898, 13, 4706, 2698, 326, 2806, 29922, 29896, 29947, 29900, 29892, 13, 4706, 11858, 362, 29922, 29955, 29900, 29892, 13, 4706, 12789, 284, 3149, 11759, 29896, 29906, 29889, 29900, 29929, 29900, 29929, 29929, 29929, 29953, 29892, 448, 29896, 29889, 29900, 29946, 29955, 29900, 29900, 29900, 29947, 29929, 29892, 448, 29906, 29889, 29900, 29941, 29906, 29946, 29929, 29929, 29929, 29896, 1402, 13, 4706, 5418, 29922, 29953, 29906, 29889, 29900, 29892, 13, 4706, 4377, 29922, 1003, 29892, 13, 1678, 1723, 13, 1678, 736, 2537, 13, 13, 13, 13, 13, 1753, 2254, 29918, 690, 29898, 9507, 1125, 13, 1678, 620, 353, 7442, 29889, 3166, 1445, 29898, 9507, 29892, 26688, 29922, 9302, 29889, 7411, 29941, 29906, 29892, 16345, 2433, 25710, 13, 1678, 736, 620, 29889, 690, 14443, 6278, 29896, 29892, 29946, 467, 1493, 580, 13, 13, 13, 1753, 1667, 7295, 13, 12, 29937, 2254, 848, 13, 1678, 22844, 353, 7442, 29889, 3166, 1445, 877, 6995, 1272, 29914, 7620, 458, 14968, 29918, 29900, 29941, 29889, 2109, 742, 26688, 29922, 9302, 29889, 7411, 29941, 29906, 467, 690, 14443, 6278, 29896, 29892, 29946, 29897, 13, 12, 690, 353, 7442, 29889, 3166, 1445, 877, 690, 29918, 29900, 29941, 29889, 3945, 742, 26688, 29922, 9302, 29889, 7411, 29941, 29906, 467, 690, 14443, 6278, 29896, 29892, 29946, 29897, 13, 13, 12, 1003, 353, 4216, 29918, 29880, 333, 279, 29898, 6739, 29897, 13, 13, 12, 13, 13, 13, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 12, 3396, 580, 13, 2 ]
displ/queue/internal.py
tflovorn/displ
4
1604844
<filename>displ/queue/internal.py<gh_stars>1-10 import os import subprocess from displ.queue.queuefile import get_qf_path from displ.queue.queue_util import global_config def enqueue(config): # Assumes appropriate queufile already exists. # (allow for queuefile to be written and examined before enqueuing) machine = config["machine"] gconf = global_config() if machine == "ls5" or machine == "stampede2": _enqueue_tacc(config) else: raise ValueError("Unrecognized config['machine'] value") def _enqueue_tacc(config): qf_path = get_qf_path(config) cwd = os.getcwd() if config["calc"] == "wan_setup": qf_dir = os.path.join(config["base_path"], config["prefix"], "wannier") os.chdir(qf_dir) subprocess.call(["sbatch", qf_path]) os.chdir(cwd) elif config["calc"] == "wan_setup_group": _run_sbatch_group(config, cwd, "wan_setup") elif config["calc"] == "pw_post_group": _run_sbatch_group(config, cwd, "pw_post") elif config["calc"] == "bands_only_group": _run_sbatch_group(config, cwd, "bands_only") else: raise ValueError("unsupported config['calc'] for enqueue") def _run_sbatch_group(config, cwd, calc_name): os.chdir(config["base_path"]) qf = "{}_{}_{}".format(config["global_prefix"], calc_name, config["prefix"]) qf_path = os.path.join(config["base_path"], qf) subprocess.call(["sbatch", qf_path]) os.chdir(cwd)
[ 1, 529, 9507, 29958, 2218, 572, 29914, 9990, 29914, 7564, 29889, 2272, 29966, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 5215, 2897, 13, 5215, 1014, 5014, 13, 3166, 766, 572, 29889, 9990, 29889, 9990, 1445, 1053, 679, 29918, 29939, 29888, 29918, 2084, 13, 3166, 766, 572, 29889, 9990, 29889, 9990, 29918, 4422, 1053, 5534, 29918, 2917, 13, 13, 1753, 427, 9990, 29898, 2917, 1125, 13, 1678, 396, 4007, 9351, 8210, 712, 1137, 488, 2307, 4864, 29889, 13, 1678, 396, 313, 9536, 363, 9521, 1445, 304, 367, 3971, 322, 4392, 1312, 1434, 427, 802, 26420, 29897, 13, 1678, 4933, 353, 2295, 3366, 23523, 3108, 13, 1678, 330, 5527, 353, 5534, 29918, 2917, 580, 13, 13, 1678, 565, 4933, 1275, 376, 3137, 29945, 29908, 470, 4933, 1275, 376, 303, 1160, 2742, 29906, 1115, 13, 4706, 903, 264, 9990, 29918, 29873, 5753, 29898, 2917, 29897, 13, 1678, 1683, 29901, 13, 4706, 12020, 7865, 2392, 703, 2525, 29423, 1891, 2295, 1839, 23523, 2033, 995, 1159, 13, 13, 1753, 903, 264, 9990, 29918, 29873, 5753, 29898, 2917, 1125, 13, 1678, 3855, 29888, 29918, 2084, 353, 679, 29918, 29939, 29888, 29918, 2084, 29898, 2917, 29897, 13, 1678, 274, 9970, 353, 2897, 29889, 657, 29883, 9970, 580, 13, 13, 1678, 565, 2295, 3366, 28667, 3108, 1275, 376, 11440, 29918, 14669, 1115, 13, 4706, 3855, 29888, 29918, 3972, 353, 2897, 29889, 2084, 29889, 7122, 29898, 2917, 3366, 3188, 29918, 2084, 12436, 2295, 3366, 13506, 12436, 376, 29893, 812, 631, 1159, 13, 4706, 2897, 29889, 305, 3972, 29898, 29939, 29888, 29918, 3972, 29897, 13, 4706, 1014, 5014, 29889, 4804, 29898, 3366, 29879, 16175, 613, 3855, 29888, 29918, 2084, 2314, 13, 4706, 2897, 29889, 305, 3972, 29898, 29883, 9970, 29897, 13, 1678, 25342, 2295, 3366, 28667, 3108, 1275, 376, 11440, 29918, 14669, 29918, 2972, 1115, 13, 4706, 903, 3389, 29918, 29879, 16175, 29918, 2972, 29898, 2917, 29892, 274, 9970, 29892, 376, 11440, 29918, 14669, 1159, 13, 1678, 25342, 2295, 3366, 28667, 3108, 1275, 376, 29886, 29893, 29918, 2490, 29918, 2972, 1115, 13, 4706, 903, 3389, 29918, 29879, 16175, 29918, 2972, 29898, 2917, 29892, 274, 9970, 29892, 376, 29886, 29893, 29918, 2490, 1159, 13, 1678, 25342, 2295, 3366, 28667, 3108, 1275, 376, 29890, 4167, 29918, 6194, 29918, 2972, 1115, 13, 4706, 903, 3389, 29918, 29879, 16175, 29918, 2972, 29898, 2917, 29892, 274, 9970, 29892, 376, 29890, 4167, 29918, 6194, 1159, 13, 1678, 1683, 29901, 13, 4706, 12020, 7865, 2392, 703, 348, 23765, 2295, 1839, 28667, 2033, 363, 427, 9990, 1159, 13, 13, 1753, 903, 3389, 29918, 29879, 16175, 29918, 2972, 29898, 2917, 29892, 274, 9970, 29892, 22235, 29918, 978, 1125, 13, 1678, 2897, 29889, 305, 3972, 29898, 2917, 3366, 3188, 29918, 2084, 20068, 13, 1678, 3855, 29888, 353, 29850, 3227, 3227, 29913, 1642, 4830, 29898, 2917, 3366, 10945, 29918, 13506, 12436, 22235, 29918, 978, 29892, 2295, 3366, 13506, 20068, 13, 1678, 3855, 29888, 29918, 2084, 353, 2897, 29889, 2084, 29889, 7122, 29898, 2917, 3366, 3188, 29918, 2084, 12436, 3855, 29888, 29897, 13, 1678, 1014, 5014, 29889, 4804, 29898, 3366, 29879, 16175, 613, 3855, 29888, 29918, 2084, 2314, 13, 1678, 2897, 29889, 305, 3972, 29898, 29883, 9970, 29897, 13, 2 ]
hyperparam_optim_mask_rcnn.py
branislav1991/MicroscopyUNet
1
53324
<gh_stars>1-10 import os from sys import float_info from hyperopt import fmin, tpe, hp from train_mask_rcnn import train_mask_rcnn, CHECKPOINT_DIR import pickle import math from keras import backend as K train_path="./data/stage1_train/" val_path="./data/stage1_val/" train_ids = next(os.walk(train_path)) train_ids = [[train_ids[0] + d,d] for d in train_ids[1]] val_ids = next(os.walk(val_path)) val_ids = [[val_ids[0] + d,d] for d in val_ids[1]] def objective(args): lr_heads = args["lr_heads"] lr_all = args["lr_all"] histories = train_mask_rcnn(train_ids, val_ids, init_with="coco", checkpoint_dir=CHECKPOINT_DIR, procedures=[{"layers": "heads", "learning_rate": lr_heads, "epochs": 5}, {"layers": "all", "learning_rate": lr_all, "epochs": 5}]) if "val_loss" in histories[0].history: h = histories[0].history["val_loss"][-1].flat[0] if math.isfinite(h) is not True: h = float_info.max else: h = float_info.max K.clear_session() return h space = {"lr_heads": hp.loguniform('lr_heads', math.log(0.0001), math.log(0.1)), "lr_all": hp.loguniform('lr_all', math.log(0.0001), math.log(0.1))} best = fmin(objective, space, algo=tpe.suggest, max_evals=15) print(best) # save best hyperparameters to file
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 5215, 2897, 30004, 13, 3166, 10876, 1053, 5785, 29918, 3888, 30004, 13, 3166, 11266, 3670, 1053, 285, 1195, 29892, 260, 412, 29892, 298, 29886, 30004, 13, 3166, 7945, 29918, 13168, 29918, 2214, 15755, 1053, 7945, 29918, 13168, 29918, 2214, 15755, 29892, 23557, 29925, 6992, 29911, 29918, 9464, 30004, 13, 5215, 5839, 280, 30004, 13, 5215, 5844, 30004, 13, 3166, 13023, 294, 1053, 14998, 408, 476, 30004, 13, 30004, 13, 14968, 29918, 2084, 543, 6904, 1272, 29914, 19190, 29896, 29918, 14968, 12975, 30004, 13, 791, 29918, 2084, 543, 6904, 1272, 29914, 19190, 29896, 29918, 791, 12975, 30004, 13, 30004, 13, 14968, 29918, 4841, 353, 2446, 29898, 359, 29889, 20919, 29898, 14968, 29918, 2084, 876, 30004, 13, 14968, 29918, 4841, 353, 5519, 14968, 29918, 4841, 29961, 29900, 29962, 718, 270, 29892, 29881, 29962, 363, 270, 297, 7945, 29918, 4841, 29961, 29896, 5262, 30004, 13, 30004, 13, 791, 29918, 4841, 353, 2446, 29898, 359, 29889, 20919, 29898, 791, 29918, 2084, 876, 30004, 13, 791, 29918, 4841, 353, 5519, 791, 29918, 4841, 29961, 29900, 29962, 718, 270, 29892, 29881, 29962, 363, 270, 297, 659, 29918, 4841, 29961, 29896, 5262, 30004, 13, 30004, 13, 1753, 12091, 29898, 5085, 1125, 30004, 13, 1678, 301, 29878, 29918, 2813, 29879, 353, 6389, 3366, 29212, 29918, 2813, 29879, 3108, 30004, 13, 1678, 301, 29878, 29918, 497, 353, 6389, 3366, 29212, 29918, 497, 3108, 30004, 13, 1678, 3603, 583, 353, 7945, 29918, 13168, 29918, 2214, 15755, 29898, 14968, 29918, 4841, 29892, 659, 29918, 4841, 29892, 2069, 29918, 2541, 543, 29883, 6235, 613, 1423, 3149, 29918, 3972, 29922, 3210, 16658, 29925, 6992, 29911, 29918, 9464, 11167, 13, 9651, 28648, 11759, 6377, 29277, 1115, 376, 2813, 29879, 613, 376, 21891, 29918, 10492, 1115, 301, 29878, 29918, 2813, 29879, 29892, 376, 1022, 2878, 29879, 1115, 29871, 29945, 1118, 30004, 13, 462, 4706, 8853, 29277, 1115, 376, 497, 613, 376, 21891, 29918, 10492, 1115, 301, 29878, 29918, 497, 29892, 376, 1022, 2878, 29879, 1115, 29871, 29945, 29913, 2314, 30004, 13, 1678, 565, 376, 791, 29918, 6758, 29908, 297, 3603, 583, 29961, 29900, 1822, 18434, 29901, 30004, 13, 4706, 298, 353, 3603, 583, 29961, 29900, 1822, 18434, 3366, 791, 29918, 6758, 3108, 14352, 29896, 1822, 20620, 29961, 29900, 29962, 30004, 13, 4706, 565, 5844, 29889, 4492, 262, 568, 29898, 29882, 29897, 338, 451, 5852, 29901, 30004, 13, 9651, 298, 353, 5785, 29918, 3888, 29889, 3317, 30004, 13, 1678, 1683, 29901, 30004, 13, 4706, 298, 353, 5785, 29918, 3888, 29889, 3317, 30004, 13, 1678, 476, 29889, 8551, 29918, 7924, 26471, 13, 1678, 736, 298, 30004, 13, 30004, 13, 3493, 353, 8853, 29212, 29918, 2813, 29879, 1115, 298, 29886, 29889, 1188, 29590, 877, 29212, 29918, 2813, 29879, 742, 5844, 29889, 1188, 29898, 29900, 29889, 29900, 29900, 29900, 29896, 511, 5844, 29889, 1188, 29898, 29900, 29889, 29896, 8243, 30004, 13, 308, 376, 29212, 29918, 497, 1115, 298, 29886, 29889, 1188, 29590, 877, 29212, 29918, 497, 742, 5844, 29889, 1188, 29898, 29900, 29889, 29900, 29900, 29900, 29896, 511, 5844, 29889, 1188, 29898, 29900, 29889, 29896, 876, 29913, 6756, 13, 30004, 13, 13318, 353, 285, 1195, 29898, 3318, 573, 29892, 2913, 29892, 24673, 29922, 29873, 412, 29889, 29879, 688, 7118, 29892, 4236, 29918, 14513, 29879, 29922, 29896, 29945, 8443, 13, 2158, 29898, 13318, 8443, 13, 30004, 13, 29937, 4078, 1900, 11266, 16744, 304, 934, 30004, 13, 2 ]
BOT-DEMO/MoLFI_demo.py
Pad0y/logparser
0
67246
<reponame>Pad0y/logparser #!/usr/bin/env python import sys sys.path.append("../") from logparser import MoLFI import pandas as pd input_dir = "../logs/HDFS/" # The input directory of log file output_dir = "MoLFI_result/" # The output directory of parsing results log_file = "HDFS_2k.log" # The input log file name log_format = "<Date> <Time> <Pid> <Level> <Component>: <Content>" # HDFS log format regex = [r"blk_-?\d+", r"(\d+\.){3}\d+(:\d+)?"] # Regular expression list for optional preprocessing (default: []) parser = MoLFI.LogParser(input_dir, output_dir, log_format, rex=regex) parser.parse(log_file)
[ 1, 529, 276, 1112, 420, 29958, 20369, 29900, 29891, 29914, 1188, 16680, 13, 29937, 14708, 4855, 29914, 2109, 29914, 6272, 3017, 13, 5215, 10876, 13, 13, 9675, 29889, 2084, 29889, 4397, 703, 6995, 1159, 13, 3166, 1480, 16680, 1053, 4546, 29931, 3738, 13, 5215, 11701, 408, 10518, 13, 13, 2080, 29918, 3972, 353, 376, 6995, 20756, 29914, 29950, 4037, 29903, 12975, 29871, 396, 450, 1881, 3884, 310, 1480, 934, 13, 4905, 29918, 3972, 353, 376, 22638, 29931, 3738, 29918, 2914, 12975, 29871, 396, 450, 1962, 3884, 310, 13755, 2582, 13, 1188, 29918, 1445, 353, 376, 29950, 4037, 29903, 29918, 29906, 29895, 29889, 1188, 29908, 29871, 396, 450, 1881, 1480, 934, 1024, 13, 1188, 29918, 4830, 353, 9872, 2539, 29958, 529, 2481, 29958, 529, 29925, 333, 29958, 529, 10108, 29958, 529, 5308, 23917, 529, 3916, 11903, 29871, 396, 379, 4037, 29903, 1480, 3402, 13, 13087, 353, 518, 29878, 29908, 2204, 29895, 29918, 29899, 29973, 29905, 29881, 29974, 613, 364, 29908, 1194, 29881, 3124, 1846, 29912, 29941, 1012, 29881, 17108, 3583, 29881, 28135, 3026, 29962, 29871, 396, 2169, 1070, 4603, 1051, 363, 13136, 758, 19170, 313, 4381, 29901, 518, 2314, 13, 13, 16680, 353, 4546, 29931, 3738, 29889, 3403, 11726, 29898, 2080, 29918, 3972, 29892, 1962, 29918, 3972, 29892, 1480, 29918, 4830, 29892, 337, 29916, 29922, 13087, 29897, 13, 16680, 29889, 5510, 29898, 1188, 29918, 1445, 29897, 13, 2 ]
mysign_app/migrations/0002_add_is_admin.py
mindhashnl/roomsignage
0
162951
# Generated by Django 2.2.5 on 2019-09-24 09:16 import django.db.models.deletion from django.db import migrations, models class Migration(migrations.Migration): dependencies = [ ('mysign_app', '0001_initial'), ] operations = [ migrations.AddField( model_name='user', name='is_admin', field=models.BooleanField(default=False), preserve_default=False, ), migrations.AlterField( model_name='doordevice', name='company', field=models.ForeignKey(blank=True, null=True, on_delete=django.db.models.deletion.CASCADE, to='mysign_app.Company'), ), ]
[ 1, 396, 3251, 630, 491, 15337, 29871, 29906, 29889, 29906, 29889, 29945, 373, 29871, 29906, 29900, 29896, 29929, 29899, 29900, 29929, 29899, 29906, 29946, 29871, 29900, 29929, 29901, 29896, 29953, 13, 13, 5215, 9557, 29889, 2585, 29889, 9794, 29889, 311, 1026, 291, 13, 3166, 9557, 29889, 2585, 1053, 9725, 800, 29892, 4733, 13, 13, 13, 1990, 341, 16783, 29898, 26983, 800, 29889, 29924, 16783, 1125, 13, 13, 1678, 9962, 353, 518, 13, 4706, 6702, 5781, 647, 29918, 932, 742, 525, 29900, 29900, 29900, 29896, 29918, 11228, 5477, 13, 1678, 4514, 13, 13, 1678, 6931, 353, 518, 13, 4706, 9725, 800, 29889, 2528, 3073, 29898, 13, 9651, 1904, 29918, 978, 2433, 1792, 742, 13, 9651, 1024, 2433, 275, 29918, 6406, 742, 13, 9651, 1746, 29922, 9794, 29889, 18146, 3073, 29898, 4381, 29922, 8824, 511, 13, 9651, 19905, 29918, 4381, 29922, 8824, 29892, 13, 4706, 10353, 13, 4706, 9725, 800, 29889, 2499, 357, 3073, 29898, 13, 9651, 1904, 29918, 978, 2433, 17433, 10141, 742, 13, 9651, 1024, 2433, 14518, 742, 13, 9651, 1746, 29922, 9794, 29889, 27755, 2558, 29898, 19465, 29922, 5574, 29892, 1870, 29922, 5574, 29892, 373, 29918, 8143, 29922, 14095, 29889, 2585, 29889, 9794, 29889, 311, 1026, 291, 29889, 29907, 3289, 5454, 2287, 29892, 304, 2433, 5781, 647, 29918, 932, 29889, 21410, 5477, 13, 4706, 10353, 13, 1678, 4514, 13, 2 ]
Beta/Longest Subarray with Maximum Average Value.py
mwk0408/codewars_solutions
6
165524
<reponame>mwk0408/codewars_solutions def solve(arr, k): cur=float("-inf") ans=tuple() total=sum(arr) for i in range(len(arr), k-1, -1): temp=compute(arr, total, i) if temp[0]>cur: cur=temp[0] ans=(temp[1], i) total-=arr[i-1] return ans def compute(arr, total, k): cur=total index=0 avg=cur/k for i in range(k, len(arr)): cur+=arr[i]-arr[i-k] if (cur/k)>=avg: avg=cur/k index=i-k+1 return (avg, index)
[ 1, 529, 276, 1112, 420, 29958, 29885, 29893, 29895, 29900, 29946, 29900, 29947, 29914, 401, 29893, 1503, 29918, 2929, 17925, 13, 1753, 4505, 29898, 2749, 29892, 413, 1125, 13, 1678, 3151, 29922, 7411, 703, 29899, 7192, 1159, 13, 1678, 6063, 29922, 23583, 580, 13, 1678, 3001, 29922, 2083, 29898, 2749, 29897, 13, 1678, 363, 474, 297, 3464, 29898, 2435, 29898, 2749, 511, 413, 29899, 29896, 29892, 448, 29896, 1125, 13, 4706, 5694, 29922, 26017, 29898, 2749, 29892, 3001, 29892, 474, 29897, 13, 4706, 565, 5694, 29961, 29900, 29962, 29958, 2764, 29901, 13, 9651, 3151, 29922, 7382, 29961, 29900, 29962, 13, 9651, 6063, 7607, 7382, 29961, 29896, 1402, 474, 29897, 13, 4706, 3001, 29899, 29922, 2749, 29961, 29875, 29899, 29896, 29962, 13, 1678, 736, 6063, 13, 1753, 10272, 29898, 2749, 29892, 3001, 29892, 413, 1125, 13, 1678, 3151, 29922, 7827, 13, 1678, 2380, 29922, 29900, 13, 1678, 1029, 29887, 29922, 2764, 29914, 29895, 13, 1678, 363, 474, 297, 3464, 29898, 29895, 29892, 7431, 29898, 2749, 22164, 13, 4706, 3151, 23661, 2749, 29961, 29875, 29962, 29899, 2749, 29961, 29875, 29899, 29895, 29962, 13, 4706, 565, 313, 2764, 29914, 29895, 15410, 29922, 485, 29887, 29901, 13, 9651, 1029, 29887, 29922, 2764, 29914, 29895, 13, 9651, 2380, 29922, 29875, 29899, 29895, 29974, 29896, 13, 1678, 736, 313, 485, 29887, 29892, 2380, 29897, 2 ]
networking/connection/stun_client.py
bcgrendel/python_networking
0
8551
<reponame>bcgrendel/python_networking import socket import sys import traceback import struct import threading; from threading import Thread; import time; import datetime; import json #import buffered_message; import hashlib from Crypto.PublicKey import RSA from connection_state import ConnectionState # publickey = RSA.importKey(key_string) import tcp; import udp; # ************* # EXAMPLE USAGE # ************* ''' import socket import tcp import udp import stun_client import time start_listening = True local_ip = socket.gethostbyname(socket.gethostname()) local_port = 30779 server_ip = socket.gethostbyname(socket.gethostname()) server_port = 30788 socket_timeout = 3.0 peer_block_manager = None client = stun_client.STUN_Client(start_listening, local_ip, local_port, server_ip, server_port, socket_timeout, peer_block_manager) # Set your available listening port ranges client.available_ports = [[35000, 35100], [36500, 36700],] # Register a user acccount with the stun server. class RegisterCallback: def __init__(self): self.error_message = "" self.success = None def handle_timeout(self, params=None): self.success = False self.error_message = "Registration request to server has timed-out." def complete_registration(self, success, error_message=""): self.success = success self.error_message = error_message username = "test_user" password = "<PASSWORD>" profile_map = {} callback_object = RegisterCallback() registration_type = "permanent" client.register(username, password, profile_map, callback_object, registration_type) response_check_interval = 0.5; while callback_object.success == None: time.sleep(response_check_interval) if not callback_object.success: print "Error: %s" % callback_object.error_message exit() # Login with username and password. class AuthCallback: def __init__(self): self.error_message = "" self.success = None def handle_timeout(self, params=None): self.success = False self.error_message = "Authentication request to server has timed-out." def complete_authentication(self, success, error_message=""): self.success = success self.error_message = error_message callback_object = AuthCallback() login = True # this authentication is to login. It'd be False if we wanted to log out. client.authenticate(username, password, callback_object, login) while callback_object.success == None: time.sleep(response_check_interval) if not callback_object.success: print "Error: %s" % callback_object.error_message exit() # Now we can access the list of peers connected to the server. # Alternatively, assign a function reference to client.peer_map_callback (argument will be a reference to client.peer_map) to be notified of peer list updates as they are received. # # sample peer_map: # ["test_user":["test_user", None], "another_user":["another_user", None],] # Get a peer from the list. peer_username = None; for _username, data in client.peer_map.iteritems(): if username != _username: peer_username = _username break # Connect to that peer (hole-punch) class ConnectionCallback: def __init__(self): self.error_message = "" self.success = None self.client_key = None def handle_timeout(self, params=None): self.success = False self.error_message = "Connection request to server has timed-out." def complete_connection(self, peer_username, success, error_message=""): self.success = success if success: self.client_key = error_message else: self.error_message = error_message buffer_size = 128 callback_object = ConnectionCallback() client.connect_to_peer(peer_username, buffer_size, callback_object) while callback_object.success == None: time.sleep(response_check_interval) if not callback_object.success: print "Error: %s" % callback_object.error_message exit() client_key = callback_object.client_key udp_client = client.client_map[client_key] # Now you can communicate with that peer. udp_client.send_message("Greetings!") udp_client.pop_all_messages() ''' class STUN_Client: def __init__(self, start_listen_thread=False, local_ip=socket.gethostbyname(socket.gethostname()), local_port=30779, server_ip=socket.gethostbyname(socket.gethostname()), server_port=30788, socket_timeout=3.0, peer_block_manager=None): self.local_ip = local_ip; self.local_port = local_port; self.socket_timeout = socket_timeout; self.peer_block_manager = peer_block_manager; self.thread_sleep_duration = 0.1; self.error_log = []; self.username = None; self.password = <PASSWORD>; self.profile_map = {}; self.authenticated = False; self.auth_callback = None; self.auth_keys = None; self.auth_timeout = 15; # 15 seconds is the limit for authentication requests. It's just a magic number like many of these timeout values. self.last_auth = None; self.login_expiration = 20; # login will expire after this many seconds passes without successful keep-alive authentication self.auth_keep_alive_interval = 5; self.auth_keep_alive_multiplier = 1; # Avoid hammering the server if it's down. Will increment every time re-auth fails, returns to 1 upon successful authentication. self.re_auth_ready = None; self.master_log = []; # all messages recieved self.message_log_map = {}; # log per message type. # this will handle callbacks for keeping track of whether the user's authentication expires (namely from losing connection to the server.) self.authentication_monitor_object = None; self.hole_punch_timeout = 20; self.hole_punch_max_attempts = 20; self.server_response_timeout = 20; # Server response flags. Set to None when sending a request; they are flipped to True upon receiving a response. Used for determining response time-out. self._auth_status = None; self._registration_status = None; # Private. Internal use only. self._holepunch_status = {}; self.available_ports = [[34000, 34100],] # list of ranges, e.g. ports 34000 - 34100 self.used_ports = []; self.registration_key = None; self.udp_client_keep_alive_timeout = 30; # dictionary of active udp connections (hole-punched) self.client_map = {}; self.callback_map = {}; self.send_queue = []; self.connection_state = ConnectionState(False); # Initialize TCP client. self.init_tcp_client(server_ip, server_port); self.peer_map = {}; # Start listening to the stun server. self.init_stun_listener(); self.keep_alive_monitor = KeepAliveMonitor(self); self.peer_map_callback = None; def shutdown(self, stun_only=True): self.authenticated = False; self.connection_state.active = False; # kills main thread, making the logout auth sequence impossible in its current implementation (get salt/key, then perform request) which needs the main loop. self.stun_client.disconnect(); if not stun_only: # disconnect all udp clients... for key, client in self.client_map.iteritems(): client.disconnect(); self.client_map.clear(); self.peer_map.clear(); del self.used_ports[:] def restart(self, stun_only=True): self.shutdown(stun_only); self.init_tcp_client(self.server_ip, self.server_port); self.init_stun_listener(); def log_error(self, error_message, extra=None): err_msg = "[STUN_Server] Line #%s: %s\n\n%s" % (str(traceback.tb_lineno(sys.exc_traceback)), traceback.format_exc(), sys.exc_info()); timestamp = time.time(); date_string = datetime.datetime.fromtimestamp(timestamp).strftime('(%Y-%m-%d) %H:%M:%S') self.error_log.append((timestamp, date_string, err_msg, extra)); def monitor_response(self, target_object, target_key=None, timeout=20, callback=None, callback_params=None, timeout_callback=None, timeout_callback_params=None): """Waits until target is no longer null or timeout occurs. Timeout is in seconds. target_object and target_key should be strings. If target key is not null, then target_object will be treated as a dictionary (using target_key for the index). This function is best utilized on its own separate thread.""" # Wait until salt and key have been retrieved or timeout occurs. time_elapsed = 0; start_time = time.time(); target_attribute = getattr(self, target_object); target = None; connection_state = self.connection_state #print "Monitoring for %s" % target_object; # Behold, python lambda expressions in the wild! if target_key == None: target = lambda parent: getattr(parent, target_object); else: target = lambda parent: getattr(parent, target_object)[target_key]; while time_elapsed < timeout: time_elapsed = time.time() - start_time; # check for shutdown. if not connection_state.active: return; # check for target condition if target(self) != None: break; time.sleep(self.thread_sleep_duration); # Check for timeout. if target(self) == None: #print "Timeout on %s" % target_object; has_timeout_callback = timeout_callback != None; if has_timeout_callback: if timeout_callback_params != None: timeout_callback(timeout_callback_params); else: timeout_callback(); return; #else: # print "No timeout on %s" % target_object; # Success, run the callback if one was provided (maybe not if one is only concerned with the timeout event). if callback != None: if callback_params != None: callback(target_object, target_key, callback_params); else: callback(target_object, target_key); def authenticate_thread(self, username, password, callback_object=None, login=True): # callback_object should have a complete_authentication(success, error_message) method. self.username = username; self.password = password; self.auth_callback = callback_object; timeout_handler = None; has_timeout_handler = ((callback_object != None) and (hasattr(callback_object, "handle_timeout"))) if has_timeout_handler: timeout_handler = callback_object.handle_timeout # Send salt and dynamic key retrieval request. self.auth_keys = None; message = "auth_salt_request %s" % username; if not self.stun_send_message(message): #callback_object.complete_authentication(False, "Failed to connect to the server."); if timeout_handler != None: timeout_handler("Failed to connect to the server."); return; # Wait until salt and key have been retrieved or timeout occurs. self.monitor_response("auth_keys", None, self.server_response_timeout, self.authenticate_send_credentials, [login, callback_object], timeout_handler, "Server failed to respond."); def authenticate_send_credentials(self, target_object=None, target_key=None, params=None): callback_object = None; if params != None: callback_object = params[1]; login = params[0] # hash the password salt, dynamic_key = self.auth_keys; if not salt: if callback_object != None: callback_object.complete_authentication(False, "Failed to connect to the server."); return; salted_password = <PASSWORD>" % (salt, self.password) hashed_salted_password = hashlib.<PASSWORD>4(<PASSWORD>).hex<PASSWORD>(); #print "hash1: %s\n" % hashed_salted_password; key_and_hash = "%s%s" % (dynamic_key, hashed_salted_password) hashed_password = <PASSWORD>(key_and_hash).<PASSWORD>(); #print "hash2: %s" % hashed_password; self._auth_status = None; # Send authentication request. message = "authenticate %s" % json.dumps([self.username, hashed_password, login, json.dumps(self.available_ports), json.dumps(self.used_ports)]); if not self.stun_send_message(message): if callback_object != None: callback_object.complete_authentication(False, "Failed to connect to the server."); return; timeout_handler = None; has_timeout_handler = ((callback_object != None) and (hasattr(callback_object, "handle_timeout"))) if has_timeout_handler: timeout_handler = callback_object.handle_timeout self.monitor_response("_auth_status", None, self.server_response_timeout, None, None, timeout_handler); def registration_completion_handler(self, target_object, target_key, params): callback_object = params; registration_handler = None; has_registration_handler = ((callback_object != None) and (hasattr(callback_object, "complete_registration"))) if has_registration_handler: callback_object.complete_registration(True, ""); def send_encrypted_registration_request(self, target_object=None, target_key=None, params=None): username, password, profile_map, callback_object, registration_type = params; self._registration_status = None; # Construct the message. message = "%s" % json.dumps([username, password, profile_map, registration_type]); # Encrypt the message. public_key = RSA.importKey(self.registration_key) message = public_key.encrypt(message, 32); # Tack on the username in plain text and json_encode again. The STUN Server needs to username to determine which private key to use to decrypt the message. message = "register %s %s" % (username, message[0]); if not self.stun_send_message(message): callback_object.complete_registration(False, "Failed to connect to the server."); return; timeout_handler = None; has_timeout_handler = ((callback_object != None) and (hasattr(callback_object, "handle_timeout"))) if has_timeout_handler: timeout_handler = callback_object.handle_timeout # Wait until salt and key have been retrieved or timeout occurs. self.monitor_response("_registration_status", None, self.server_response_timeout, self.registration_completion_handler, callback_object, timeout_handler); def register_thread(self, username, password, profile_map, callback_object=None, registration_type="permanent"): # callback_object should have a complete_registration(success, error_message) method. self.username = username; self.password = password; self.profile_map = profile_map; self.register_callback = callback_object; self.registration_key = None; message = "register_key %s" % username; if not self.stun_send_message(message): callback_object.complete_registration(False, "Failed to connect to the server."); return; timeout_handler = None; has_timeout_handler = ((callback_object != None) and (hasattr(callback_object, "handle_timeout"))) if has_timeout_handler: timeout_handler = callback_object.handle_timeout params = [username, password, profile_map, callback_object, registration_type]; self.monitor_response("registration_key", None, self.server_response_timeout, self.send_encrypted_registration_request, params, timeout_handler); def authenticate(self, username, password, callback_object=None, login=True): """Non-blocking. Sends a user authentication request.""" # Spawn a separate thread to perform authentication. This is to keep from blocking the caller, since a callback is expected to handle results. Thread(target=self.authenticate_thread, args=(username, password, callback_object, login)).start(); def maintain_authentication(self, callback_object=None): #self.authentication_monitor_object username = self.username password = <PASSWORD> last_auth = self.last_auth self.re_auth_ready = True; while self.authenticated: last_reauth = self.keep_alive_monitor.last_reauth_attempt; now = time.time(); ready_time = last_reauth + (self.auth_keep_alive_multiplier * self.auth_keep_alive_interval); time_for_another_reauth_attempt = now >= ready_time; # By re_auth_ready, I'm saying a re-authentication attempt isn't currently in progress. Yes, it's a poorly named variable. # I'll need to rename it something better. Maybe later (trademark). if self.re_auth_ready and time_for_another_reauth_attempt: self.re_auth_ready = False; self.authenticate(self.username, self.password, self.keep_alive_monitor); time.sleep(self.thread_sleep_duration); def logout(self): self.authenticated = False; self.authenticate(self.username, self.password, self.keep_alive_monitor, False); def register(self, username, password, profile_map, callback_object=None, registration_type="permanent"): """Non-blocking. Sends a user registration request. Only type of registration available for now is 'permanent'. Temporary to come later, maybe (for guests/'unregistered' users). Note that profile_map should be a json-encoded string (you can store arbitrary data here).""" # Spawn a separate thread to perform registration. This is to keep from blocking the caller, since a callback is expected to handle results. Thread(target=self.register_thread, args=(username, password, profile_map, callback_object, registration_type)).start(); def init_tcp_client(self, server_ip, server_port, buffer_size=1024): self.server_ip = server_ip; self.server_port = server_port; self.stun_client = tcp.TCP_Client(server_ip, server_port, buffer_size); def init_stun_listener(self): self.connection_state = ConnectionState(True); Thread(target=self.stun_listen_loop).start(); def stun_send_message(self, message, json_encode=False, prepare=True): try: self.stun_client.send_message(message, json_encode, prepare); return True; except: return False; def stun_listen_loop(self): connection_state = self.connection_state message_object = None while self.connection_state.active: try: message_object = self.stun_client.pop_message(); is_valid_message = ((message_object != None) and (len(message_object) > 2)); self.master_log.append(message_object); if is_valid_message: message = message_object[2]; message_type, message_body = message.split(" ",1); if message_type not in self.message_log_map: self.message_log_map[message_type] = []; self.message_log_map[message_type].append(message_object); #print "MESSAGE: %s\n" % message_object; if(message_type == "peer_map"): # peer data should be [[peer_username, public_profile_map], ...] message_data = json.loads(message_body); self.update_peer_map(message_data); if self.peer_map_callback != None: self.peer_map_callback(self.peer_map); elif(message_type == "hole_punch"): peer_allowed = True; # message body should be [listen_ip, listen_port, peer_ip, peer_port, peer_username, buffer_size] message_data = json.loads(message_body); listen_ip, listen_port, peer_ip, peer_port, peer_username, buffer_size = message_data port_in_use = False; # Ensure port isn't already in use. if listen_port in self.used_ports: port_in_use = True; self.stun_send_message("hole_punch_reject %s" % json.dumps([listen_ip, listen_port, self.username, peer_ip, peer_port, peer_username, buffer_size, port_in_use])); continue; message_body = json.dumps([listen_ip, listen_port, self.username, peer_ip, peer_port, peer_username, buffer_size, port_in_use]); if(self.peer_block_manager != None): peer_allowed = self.peer_block_manager.is_peer_allowed(message_data); if(peer_allowed): self.stun_send_message("hole_punch_ack %s" % message_body); else: self.stun_send_message("hole_punch_reject %s" % message_body); elif(message_type == "hole_punch_request_rejected"): # Deals with requests that fail due to lack of authentication (this client or the target client) or target client doesn't exist. # message_body should be [listen_ip, listen_port, self.username, target_ip, target_port, username, buffer_size] fail_type, target_username, error_message = json.loads(message_body); if target_username in self.callback_map: callback_object = self.callback_map[target_username]; callback_object.complete_connection(target_username, False, error_message); del self.callback_map[target_username]; elif(message_type == "hole_punch_rejected"): # message_body should be [listen_ip, listen_port, self.username, target_ip, target_port, username, buffer_size] message_data = json.loads(message_body); listen_ip, listen_port, self.username, target_ip, target_port, username, buffer_size = message_data client_key = "%s-%s-%s" % (target_ip, target_port, username); callback_object = None; if client_key in self.callback_map: callback_object = self.callback_map[client_key] if callback_object != None: callback_object.complete_connection(client_key, False, "Peer rejected the connection request."); del self.callback_map[client_key]; elif(message_type == "init_hole_punch"): try: listen_ip, listen_port, peer_ip, peer_port, peer_username, buffer_size = json.loads(message_body); if listen_port not in self.used_ports: self.used_ports.append(listen_port); # No else. We're just going to hope there's no way for that if to not run, and that we're just being half-assed at feeling paranoid. # My mind is feeling like it's been twisted into a few knots at this point, to be honest. Thread(target=self.connect_to_remote_peer, args=(listen_ip, listen_port, peer_ip, peer_port, buffer_size, peer_username)).start(); client_key = "%s_%s_%s" % (peer_ip, peer_port, peer_username) if peer_username in self._holepunch_status: self._holepunch_status[peer_username] = True; if peer_username in self.callback_map: self.callback_map[client_key] = self.callback_map[peer_username]; del self.callback_map[peer_username] except Exception as e: self.log_error(e); elif(message_type == "auth_keys"): # message body should be [salt, dynamic_key] self.auth_keys = json.loads(message_body); elif(message_type == "auth_response"): # message body should be [success, username, profile_map, login, error_message] success, username, profile_map, login, error_message = json.loads(message_body); self._auth_status = True; new_auth = not self.authenticated; if success: if login: self.authenticated = True; self.auth_keep_alive_multiplier = 1; self.last_auth = time.time(); self.username = username; self.profile_map = profile_map; if new_auth: Thread(target=self.maintain_authentication).start(); else: self.authenticated = False; self.auth_keep_alive_multiplier = 1; self.last_auth = time.time(); self.username = username; self.profile_map = profile_map; if self.auth_callback != None: self.auth_callback.complete_authentication(success, error_message); elif(message_type == "registration_key"): # message body should be "public_key" self.registration_key = message_body; elif(message_type == "registration_response"): # message body should be [success, username, profile_map, error_message] success, username, profile_map, error_message = json.loads(message_body); if success: self.username = username; self.profile_map = profile_map; self._registration_status = True; if self.registration_callback != None: self.register_callback.complete_registration(success, error_message); except Exception as exc: self.log_error(exc, message_object); time.sleep(self.thread_sleep_duration); def update_peer_map(self, packet): username_list = []; current_username_list = self.peer_map.keys(); for user_block in packet: peer_username, profile_map = user_block; valid_username = ((peer_username != None) and (peer_username.replace(" ","").replace("\t","").replace("\n","").replace("\r","") != "")); if valid_username: username_list.append(peer_username); self.peer_map[peer_username] = user_block; remove_username_list = []; for username in current_username_list: if username not in username_list: remove_username_list.append(username); for username in remove_username_list: del self.peer_map[username]; def auto_select_local_endpoint(self): listen_ip = self.local_ip; range_count = len(self.available_ports); for i in range(0, range_count): x = range_count - (1 + i) port_range = self.available_ports[x] port_count = port_range[1] - port_range[0] for j in range(0, port_count): port = port_range[1] - j; if port not in self.used_ports: return (listen_ip, port); return None; def connect_to_peer(self, target_username, buffer_size, callback_object=None, listen_ip = None, listen_port = None): """ callback_object should have a complete_connection(target, success, error_message) method where success is True or False. Extract info with: ip, port, username = target.split("-",2) Returns False if it fails to send request message (e.g. peer is blocked or connection to server failed.). """ local_endpoint_not_specified = ((listen_ip == None) or (listen_port == None)) if local_endpoint_not_specified: try: listen_ip, listen_port = self.auto_select_local_endpoint(); except: callback_object.complete_connection(client_key, False, "All available allowed local ports are already in use. Cannot initiate connection to peer."); return False; # Disallow connecting to yourself. What are you trying to pull? if self.username == target_username: callback_object.complete_connection(client_key, False, "You cannot connect to yourself."); return False; # disallow connecting to blocked peers. if(self.peer_block_manager != None): peer_allowed = self.peer_block_manager.is_peer_allowed([target_username, buffer_size]); if not peer_allowed: callback_object.complete_connection(client_key, False, "This peer has been blocked."); return False; client_key = target_username; self.callback_map[client_key] = callback_object; self._holepunch_status[client_key] = None; # Start hole_punch process. message = "request_hole_punch %s" % json.dumps([listen_ip, listen_port, self.username, target_username, buffer_size]) if not self.stun_send_message(message): callback_object.complete_connection(client_key, False, "Failed to connect to the server."); del self.callback_map[client_key]; return False; timeout_handler = None; has_timeout_handler = ((callback_object != None) and (hasattr(callback_object, "handle_timeout"))) if has_timeout_handler: timeout_handler = callback_object.handle_timeout # Wait until salt and key have been retrieved or timeout occurs. Thread(target=self.monitor_response, args=("_holepunch_status", client_key, self.server_response_timeout, None, None, timeout_handler)).start(); return True; def connect_to_remote_peer(self, local_ip, local_port, target_ip, target_port, buffer_size, username): """Warning: Internal use only!""" print "Connecting to remote peer." udp_client = udp.UDP_Client(True, local_ip, local_port, target_ip, target_port, buffer_size, True); client_key = "%s_%s_%s" % (target_ip, target_port, username) callback_object = None; if client_key in self.callback_map: callback_object = self.callback_map[client_key] if self.hole_punch(udp_client, self.hole_punch_max_attempts, self.hole_punch_timeout): print "Hole-punch succeeded." if callback_object != None: callback_object.complete_connection(username, True, client_key); self.client_map[client_key] = udp_client; # success, add it to the map. else: print "Hole-punch failed." # remove that port from the used ports list. port_count = len(self.used_ports); for i in range(0, port_count): if self.used_ports[i] == local_port: del self.used_ports[i] break; # run the callback, if there is one. if callback_object != None: callback_object.complete_connection(client_key, False, "Failed to connect to peer."); def hole_punch_send_loop(self, udp_client, maximum_retries=20, delay=0.5): for i in range(0, maximum_retries): udp_client.send_message("syn", False, False); time.sleep(delay); # Create and return a udp socket that has established connection with the target peer, or None if it fails. def hole_punch(self, udp_client, maximum_retries=20, timeout=20): print "Performing hole-punch." delay = 0.5 result = False; connection_state = self.connection_state Thread(target=self.hole_punch_send_loop, args=(udp_client, maximum_retries, delay)).start(); start_time = time.time(); for i in range(0, maximum_retries): time.sleep(delay) if not connection_state.active: # give up and close it out. udp_client.disconnect(); print "Fail 1"; return False; packet = ""; try: packet = udp_client.pop_message(); except: pass; if packet != None: print "hole_punch_response: " + str(packet); if len(packet) >= 3: # check the packet. if(packet[2] == "syn"): udp_client.send_message("ack", False, False); # send acknowledge elif(packet[2] == "ack"): udp_client.send_message("ack2", False, False); # send ack ack and return socket. result = True; print "Success 1"; break; elif(packet[2] == "ack2"): result = True; # ack ack received, return socket. print "Success 2"; break; # check for timeout time_elapsed = time.time() - start_time; if(time_elapsed >= timeout): print "Fail 2"; break; return result; class KeepAliveMonitor: def __init__(self, parent): self.parent = parent; self.last_reauth_attempt = time.time(); def complete_authentication(self, success, error_message=""): self.parent.re_auth_ready = True; self.last_reauth_attempt = time.time(); if not success: self.parent.auth_keep_alive_multiplier += 1; def handle_timeout(self, params=None): self.last_reauth_attempt = time.time(); self.parent.re_auth_ready = True; self.parent.auth_keep_alive_multiplier += 1;
[ 1, 529, 276, 1112, 420, 29958, 12328, 629, 355, 295, 29914, 4691, 29918, 11618, 292, 13, 5215, 9909, 13, 5215, 10876, 13, 5215, 9637, 1627, 13, 5215, 2281, 13, 5215, 3244, 292, 29936, 13, 3166, 3244, 292, 1053, 10480, 29936, 13, 5215, 931, 29936, 13, 5215, 12865, 29936, 13, 5215, 4390, 13, 29937, 5215, 6835, 287, 29918, 4906, 29936, 13, 5215, 6608, 1982, 13, 3166, 315, 17929, 29889, 19858, 2558, 1053, 390, 8132, 13, 3166, 3957, 29918, 3859, 1053, 15160, 2792, 13, 29937, 970, 1989, 353, 390, 8132, 29889, 5215, 2558, 29898, 1989, 29918, 1807, 29897, 13, 13, 5215, 22729, 29936, 13, 5215, 318, 6099, 29936, 13, 13, 29937, 334, 4189, 2328, 13, 29937, 8528, 19297, 1307, 8278, 1692, 13, 29937, 334, 4189, 2328, 13, 12008, 13, 5215, 9909, 13, 5215, 22729, 13, 5215, 318, 6099, 13, 5215, 380, 348, 29918, 4645, 13, 5215, 931, 13, 13, 2962, 29918, 1761, 8333, 353, 5852, 13, 2997, 29918, 666, 353, 9909, 29889, 29887, 621, 520, 29890, 948, 420, 29898, 11514, 29889, 29887, 621, 520, 978, 3101, 13, 2997, 29918, 637, 353, 29871, 29941, 29900, 29955, 29955, 29929, 13, 2974, 29918, 666, 353, 9909, 29889, 29887, 621, 520, 29890, 948, 420, 29898, 11514, 29889, 29887, 621, 520, 978, 3101, 13, 2974, 29918, 637, 353, 29871, 29941, 29900, 29955, 29947, 29947, 13, 11514, 29918, 15619, 353, 29871, 29941, 29889, 29900, 13, 412, 261, 29918, 1271, 29918, 12847, 353, 6213, 13, 13, 4645, 353, 380, 348, 29918, 4645, 29889, 1254, 3904, 29918, 4032, 29898, 2962, 29918, 1761, 8333, 29892, 1887, 29918, 666, 29892, 1887, 29918, 637, 29892, 1923, 29918, 666, 29892, 1923, 29918, 637, 29892, 9909, 29918, 15619, 29892, 23533, 29918, 1271, 29918, 12847, 29897, 13, 13, 29937, 3789, 596, 3625, 19866, 2011, 20238, 13, 4645, 29889, 16515, 29918, 4011, 353, 5519, 29941, 29945, 29900, 29900, 29900, 29892, 29871, 29941, 29945, 29896, 29900, 29900, 1402, 518, 29941, 29953, 29945, 29900, 29900, 29892, 29871, 29941, 29953, 29955, 29900, 29900, 1402, 29962, 13, 13, 29937, 12577, 263, 1404, 1035, 2798, 411, 278, 380, 348, 1923, 29889, 13, 13, 1990, 12577, 10717, 29901, 13, 12, 13, 12, 1753, 4770, 2344, 12035, 1311, 1125, 13, 12, 12, 1311, 29889, 2704, 29918, 4906, 353, 5124, 13, 12, 12, 1311, 29889, 8698, 353, 6213, 13, 12, 13, 12, 1753, 4386, 29918, 15619, 29898, 1311, 29892, 8636, 29922, 8516, 1125, 13, 12, 12, 1311, 29889, 8698, 353, 7700, 13, 12, 12, 1311, 29889, 2704, 29918, 4906, 353, 376, 4597, 8306, 2009, 304, 1923, 756, 5335, 287, 29899, 449, 1213, 13, 12, 13, 12, 1753, 4866, 29918, 1727, 8306, 29898, 1311, 29892, 2551, 29892, 1059, 29918, 4906, 13776, 1125, 13, 12, 12, 1311, 29889, 8698, 353, 2551, 13, 12, 12, 1311, 29889, 2704, 29918, 4906, 353, 1059, 29918, 4906, 13, 13, 13, 6786, 353, 376, 1688, 29918, 1792, 29908, 13, 5630, 353, 9872, 25711, 17013, 11903, 13, 10185, 29918, 1958, 353, 6571, 13, 14035, 29918, 3318, 353, 12577, 10717, 580, 13, 1727, 8306, 29918, 1853, 353, 376, 546, 1171, 296, 29908, 13, 13, 4645, 29889, 9573, 29898, 6786, 29892, 4800, 29892, 8722, 29918, 1958, 29892, 6939, 29918, 3318, 29892, 22583, 29918, 1853, 29897, 13, 13, 5327, 29918, 3198, 29918, 19207, 353, 29871, 29900, 29889, 29945, 29936, 13, 8000, 6939, 29918, 3318, 29889, 8698, 1275, 6213, 29901, 13, 12, 2230, 29889, 17059, 29898, 5327, 29918, 3198, 29918, 19207, 29897, 13, 13, 361, 451, 6939, 29918, 3318, 29889, 8698, 29901, 13, 12, 2158, 376, 2392, 29901, 1273, 29879, 29908, 1273, 6939, 29918, 3318, 29889, 2704, 29918, 4906, 13, 12, 13322, 580, 13, 13, 29937, 19130, 411, 8952, 322, 4800, 29889, 13, 13, 1990, 13189, 10717, 29901, 13, 12, 13, 12, 1753, 4770, 2344, 12035, 1311, 1125, 13, 12, 12, 1311, 29889, 2704, 29918, 4906, 353, 5124, 13, 12, 12, 1311, 29889, 8698, 353, 6213, 13, 12, 13, 12, 1753, 4386, 29918, 15619, 29898, 1311, 29892, 8636, 29922, 8516, 1125, 13, 12, 12, 1311, 29889, 8698, 353, 7700, 13, 12, 12, 1311, 29889, 2704, 29918, 4906, 353, 376, 16746, 2009, 304, 1923, 756, 5335, 287, 29899, 449, 1213, 13, 12, 13, 12, 1753, 4866, 29918, 23055, 29898, 1311, 29892, 2551, 29892, 1059, 29918, 4906, 13776, 1125, 13, 12, 12, 1311, 29889, 8698, 353, 2551, 13, 12, 12, 1311, 29889, 2704, 29918, 4906, 353, 1059, 29918, 4906, 13, 13, 14035, 29918, 3318, 353, 13189, 10717, 580, 13, 13, 7507, 353, 5852, 396, 445, 10760, 338, 304, 6464, 29889, 739, 29915, 29881, 367, 7700, 565, 591, 5131, 304, 1480, 714, 29889, 13, 4645, 29889, 27218, 403, 29898, 6786, 29892, 4800, 29892, 6939, 29918, 3318, 29892, 6464, 29897, 13, 13, 8000, 6939, 29918, 3318, 29889, 8698, 1275, 6213, 29901, 13, 12, 2230, 29889, 17059, 29898, 5327, 29918, 3198, 29918, 19207, 29897, 13, 13, 361, 451, 6939, 29918, 3318, 29889, 8698, 29901, 13, 12, 2158, 376, 2392, 29901, 1273, 29879, 29908, 1273, 6939, 29918, 3318, 29889, 2704, 29918, 4906, 13, 12, 13322, 580, 13, 13, 29937, 2567, 591, 508, 2130, 278, 1051, 310, 1236, 414, 6631, 304, 278, 1923, 29889, 29871, 13, 29937, 20360, 29892, 3566, 263, 740, 3407, 304, 3132, 29889, 412, 261, 29918, 1958, 29918, 14035, 313, 23516, 674, 367, 263, 3407, 304, 3132, 29889, 412, 261, 29918, 1958, 29897, 304, 367, 451, 2164, 310, 23533, 1051, 11217, 408, 896, 526, 4520, 29889, 13, 29937, 13, 29937, 4559, 23533, 29918, 1958, 29901, 13, 29937, 29871, 12, 3366, 1688, 29918, 1792, 1115, 3366, 1688, 29918, 1792, 613, 6213, 1402, 376, 23327, 29918, 1792, 1115, 3366, 23327, 29918, 1792, 613, 6213, 1402, 29962, 13, 13, 29937, 3617, 263, 23533, 515, 278, 1051, 29889, 13, 412, 261, 29918, 6786, 353, 6213, 29936, 13, 1454, 903, 6786, 29892, 848, 297, 3132, 29889, 412, 261, 29918, 1958, 29889, 1524, 7076, 7295, 13, 12, 361, 8952, 2804, 903, 6786, 29901, 13, 12, 12, 412, 261, 29918, 6786, 353, 903, 6786, 13, 12, 12, 8690, 13, 13, 29937, 14971, 304, 393, 23533, 313, 29716, 29899, 29886, 3322, 29897, 13, 13, 1990, 15160, 10717, 29901, 13, 12, 13, 12, 1753, 4770, 2344, 12035, 1311, 1125, 13, 12, 12, 1311, 29889, 2704, 29918, 4906, 353, 5124, 13, 12, 12, 1311, 29889, 8698, 353, 6213, 13, 12, 12, 1311, 29889, 4645, 29918, 1989, 353, 6213, 13, 12, 13, 12, 1753, 4386, 29918, 15619, 29898, 1311, 29892, 8636, 29922, 8516, 1125, 13, 12, 12, 1311, 29889, 8698, 353, 7700, 13, 12, 12, 1311, 29889, 2704, 29918, 4906, 353, 376, 5350, 2009, 304, 1923, 756, 5335, 287, 29899, 449, 1213, 13, 12, 13, 12, 1753, 4866, 29918, 9965, 29898, 1311, 29892, 23533, 29918, 6786, 29892, 2551, 29892, 1059, 29918, 4906, 13776, 1125, 13, 12, 12, 1311, 29889, 8698, 353, 2551, 13, 12, 12, 361, 2551, 29901, 13, 12, 12, 12, 1311, 29889, 4645, 29918, 1989, 353, 1059, 29918, 4906, 13, 12, 12, 2870, 29901, 13, 12, 12, 12, 1311, 29889, 2704, 29918, 4906, 353, 1059, 29918, 4906, 13, 13, 13, 9040, 29918, 2311, 353, 29871, 29896, 29906, 29947, 13, 14035, 29918, 3318, 353, 15160, 10717, 580, 13, 13, 4645, 29889, 6915, 29918, 517, 29918, 412, 261, 29898, 412, 261, 29918, 6786, 29892, 6835, 29918, 2311, 29892, 6939, 29918, 3318, 29897, 13, 13, 8000, 6939, 29918, 3318, 29889, 8698, 1275, 6213, 29901, 13, 12, 2230, 29889, 17059, 29898, 5327, 29918, 3198, 29918, 19207, 29897, 13, 13, 361, 451, 6939, 29918, 3318, 29889, 8698, 29901, 13, 12, 2158, 376, 2392, 29901, 1273, 29879, 29908, 1273, 6939, 29918, 3318, 29889, 2704, 29918, 4906, 13, 12, 13322, 580, 13, 13, 4645, 29918, 1989, 353, 6939, 29918, 3318, 29889, 4645, 29918, 1989, 13, 566, 29886, 29918, 4645, 353, 3132, 29889, 4645, 29918, 1958, 29961, 4645, 29918, 1989, 29962, 13, 13, 29937, 2567, 366, 508, 23120, 411, 393, 23533, 29889, 13, 566, 29886, 29918, 4645, 29889, 6717, 29918, 4906, 703, 29954, 4521, 886, 29991, 1159, 13, 566, 29886, 29918, 4645, 29889, 7323, 29918, 497, 29918, 19158, 580, 13, 13, 12008, 13, 13, 1990, 6850, 3904, 29918, 4032, 29901, 13, 12, 13, 12, 1753, 4770, 2344, 12035, 1311, 29892, 29871, 13, 12, 12, 12, 2962, 29918, 20631, 29918, 7097, 29922, 8824, 29892, 13, 12, 12, 12, 2997, 29918, 666, 29922, 11514, 29889, 29887, 621, 520, 29890, 948, 420, 29898, 11514, 29889, 29887, 621, 520, 978, 25739, 13, 12, 12, 12, 2997, 29918, 637, 29922, 29941, 29900, 29955, 29955, 29929, 29892, 13, 12, 12, 12, 2974, 29918, 666, 29922, 11514, 29889, 29887, 621, 520, 29890, 948, 420, 29898, 11514, 29889, 29887, 621, 520, 978, 25739, 13, 12, 12, 12, 2974, 29918, 637, 29922, 29941, 29900, 29955, 29947, 29947, 29892, 13, 12, 12, 12, 11514, 29918, 15619, 29922, 29941, 29889, 29900, 29892, 13, 12, 12, 12, 412, 261, 29918, 1271, 29918, 12847, 29922, 8516, 1125, 13, 12, 12, 13, 12, 12, 1311, 29889, 2997, 29918, 666, 353, 1887, 29918, 666, 29936, 13, 12, 12, 1311, 29889, 2997, 29918, 637, 353, 1887, 29918, 637, 29936, 13, 12, 12, 1311, 29889, 11514, 29918, 15619, 353, 9909, 29918, 15619, 29936, 13, 12, 12, 1311, 29889, 412, 261, 29918, 1271, 29918, 12847, 353, 23533, 29918, 1271, 29918, 12847, 29936, 13, 12, 12, 1311, 29889, 7097, 29918, 17059, 29918, 19708, 353, 29871, 29900, 29889, 29896, 29936, 13, 12, 12, 1311, 29889, 2704, 29918, 1188, 353, 13769, 13, 12, 12, 13, 12, 12, 1311, 29889, 6786, 353, 6213, 29936, 13, 12, 12, 1311, 29889, 5630, 353, 529, 25711, 17013, 25867, 13, 12, 12, 1311, 29889, 10185, 29918, 1958, 353, 15739, 13, 12, 12, 1311, 29889, 27218, 630, 353, 7700, 29936, 13, 12, 12, 1311, 29889, 5150, 29918, 14035, 353, 6213, 29936, 13, 12, 12, 1311, 29889, 5150, 29918, 8149, 353, 6213, 29936, 13, 12, 12, 1311, 29889, 5150, 29918, 15619, 353, 29871, 29896, 29945, 29936, 396, 29871, 29896, 29945, 6923, 338, 278, 4046, 363, 10760, 7274, 29889, 739, 29915, 29879, 925, 263, 15709, 1353, 763, 1784, 310, 1438, 11815, 1819, 29889, 13, 12, 12, 1311, 29889, 4230, 29918, 5150, 353, 6213, 29936, 13, 12, 12, 1311, 29889, 7507, 29918, 4548, 12232, 353, 29871, 29906, 29900, 29936, 396, 6464, 674, 1518, 533, 1156, 445, 1784, 6923, 14517, 1728, 9150, 3013, 29899, 284, 573, 10760, 13, 12, 12, 1311, 29889, 5150, 29918, 17462, 29918, 284, 573, 29918, 19207, 353, 29871, 29945, 29936, 13, 12, 12, 1311, 29889, 5150, 29918, 17462, 29918, 284, 573, 29918, 18056, 4926, 353, 29871, 29896, 29936, 396, 319, 5405, 16366, 1050, 292, 278, 1923, 565, 372, 29915, 29879, 1623, 29889, 2811, 11924, 1432, 931, 337, 29899, 5150, 8465, 29892, 3639, 304, 29871, 29896, 2501, 9150, 10760, 29889, 13, 12, 12, 1311, 29889, 276, 29918, 5150, 29918, 2040, 353, 6213, 29936, 13, 12, 12, 13, 12, 12, 1311, 29889, 6207, 29918, 1188, 353, 13769, 396, 599, 7191, 1162, 6402, 13, 12, 12, 1311, 29889, 4906, 29918, 1188, 29918, 1958, 353, 15739, 396, 1480, 639, 2643, 1134, 29889, 13, 12, 12, 13, 12, 12, 29937, 445, 674, 4386, 6939, 29879, 363, 12515, 5702, 310, 3692, 278, 1404, 29915, 29879, 10760, 1518, 2658, 313, 8588, 873, 515, 19035, 3957, 304, 278, 1923, 1846, 13, 12, 12, 1311, 29889, 23055, 29918, 3712, 2105, 29918, 3318, 353, 6213, 29936, 29871, 13, 12, 12, 13, 12, 12, 1311, 29889, 29716, 29918, 29886, 3322, 29918, 15619, 353, 29871, 29906, 29900, 29936, 13, 12, 12, 1311, 29889, 29716, 29918, 29886, 3322, 29918, 3317, 29918, 1131, 3456, 29879, 353, 29871, 29906, 29900, 29936, 13, 12, 12, 13, 12, 12, 1311, 29889, 2974, 29918, 5327, 29918, 15619, 353, 29871, 29906, 29900, 29936, 13, 12, 12, 13, 12, 12, 29937, 5656, 2933, 13449, 29889, 3789, 304, 6213, 746, 9348, 263, 2009, 29936, 896, 526, 285, 492, 2986, 304, 5852, 2501, 13442, 263, 2933, 29889, 501, 8485, 363, 3683, 2827, 2933, 931, 29899, 449, 29889, 13, 12, 12, 1311, 3032, 5150, 29918, 4882, 353, 6213, 29936, 13, 12, 12, 1311, 3032, 1727, 8306, 29918, 4882, 353, 6213, 29936, 396, 12230, 29889, 512, 1890, 671, 871, 29889, 13, 12, 12, 1311, 3032, 29716, 29886, 3322, 29918, 4882, 353, 15739, 13, 12, 12, 13, 12, 12, 1311, 29889, 16515, 29918, 4011, 353, 5519, 29941, 29946, 29900, 29900, 29900, 29892, 29871, 29941, 29946, 29896, 29900, 29900, 1402, 29962, 396, 1051, 310, 20238, 29892, 321, 29889, 29887, 29889, 16169, 29871, 29941, 29946, 29900, 29900, 29900, 448, 29871, 29941, 29946, 29896, 29900, 29900, 13, 12, 12, 1311, 29889, 3880, 29918, 4011, 353, 13769, 13, 12, 12, 13, 12, 12, 1311, 29889, 1727, 8306, 29918, 1989, 353, 6213, 29936, 13, 12, 12, 13, 12, 12, 1311, 29889, 566, 29886, 29918, 4645, 29918, 17462, 29918, 284, 573, 29918, 15619, 353, 29871, 29941, 29900, 29936, 13, 12, 12, 13, 12, 12, 29937, 8600, 310, 6136, 318, 6099, 12368, 313, 29716, 29899, 29886, 3322, 287, 29897, 13, 12, 12, 1311, 29889, 4645, 29918, 1958, 353, 15739, 13, 12, 12, 1311, 29889, 14035, 29918, 1958, 353, 15739, 13, 12, 12, 13, 12, 12, 1311, 29889, 6717, 29918, 9990, 353, 13769, 13, 12, 12, 13, 12, 12, 1311, 29889, 9965, 29918, 3859, 353, 15160, 2792, 29898, 8824, 416, 13, 12, 12, 13, 12, 12, 29937, 25455, 19374, 3132, 29889, 13, 12, 12, 1311, 29889, 2344, 29918, 23981, 29918, 4645, 29898, 2974, 29918, 666, 29892, 1923, 29918, 637, 416, 13, 12, 12, 13, 12, 12, 1311, 29889, 412, 261, 29918, 1958, 353, 15739, 13, 12, 12, 13, 12, 12, 29937, 7370, 19866, 304, 278, 380, 348, 1923, 29889, 13, 12, 12, 1311, 29889, 2344, 29918, 303, 348, 29918, 25894, 890, 13, 12, 12, 13, 12, 12, 1311, 29889, 17462, 29918, 284, 573, 29918, 3712, 2105, 353, 19152, 29909, 9258, 7185, 2105, 29898, 1311, 416, 13, 13, 12, 12, 1311, 29889, 412, 261, 29918, 1958, 29918, 14035, 353, 6213, 29936, 13, 12, 13, 12, 1753, 12522, 3204, 29898, 1311, 29892, 380, 348, 29918, 6194, 29922, 5574, 1125, 13, 12, 12, 1311, 29889, 27218, 630, 353, 7700, 29936, 13, 12, 12, 1311, 29889, 9965, 29918, 3859, 29889, 4925, 353, 7700, 29936, 396, 413, 6090, 1667, 3244, 29892, 3907, 278, 1480, 449, 4817, 5665, 9301, 297, 967, 1857, 5314, 313, 657, 15795, 29914, 1989, 29892, 769, 2189, 2009, 29897, 607, 4225, 278, 1667, 2425, 29889, 13, 12, 12, 1311, 29889, 303, 348, 29918, 4645, 29889, 2218, 6915, 890, 13, 12, 12, 361, 451, 380, 348, 29918, 6194, 29901, 13, 12, 12, 12, 29937, 766, 6915, 599, 318, 6099, 13154, 856, 13, 12, 12, 12, 1454, 1820, 29892, 3132, 297, 1583, 29889, 4645, 29918, 1958, 29889, 1524, 7076, 7295, 13, 12, 12, 12, 12, 4645, 29889, 2218, 6915, 890, 13, 12, 12, 12, 1311, 29889, 4645, 29918, 1958, 29889, 8551, 890, 13, 12, 12, 12, 1311, 29889, 412, 261, 29918, 1958, 29889, 8551, 890, 13, 12, 12, 12, 6144, 1583, 29889, 3880, 29918, 4011, 7503, 29962, 13, 12, 13, 12, 1753, 10715, 29898, 1311, 29892, 380, 348, 29918, 6194, 29922, 5574, 1125, 13, 12, 12, 1311, 29889, 845, 329, 3204, 29898, 303, 348, 29918, 6194, 416, 13, 12, 12, 1311, 29889, 2344, 29918, 23981, 29918, 4645, 29898, 1311, 29889, 2974, 29918, 666, 29892, 1583, 29889, 2974, 29918, 637, 416, 13, 12, 12, 1311, 29889, 2344, 29918, 303, 348, 29918, 25894, 890, 13, 12, 13, 12, 1753, 1480, 29918, 2704, 29898, 1311, 29892, 1059, 29918, 4906, 29892, 4805, 29922, 8516, 1125, 13, 12, 12, 3127, 29918, 7645, 353, 14704, 1254, 3904, 29918, 6004, 29962, 7407, 396, 29995, 29879, 29901, 1273, 29879, 29905, 29876, 29905, 29876, 29995, 29879, 29908, 1273, 313, 710, 29898, 15003, 1627, 29889, 22625, 29918, 1915, 8154, 29898, 9675, 29889, 735, 29883, 29918, 15003, 1627, 8243, 9637, 1627, 29889, 4830, 29918, 735, 29883, 3285, 10876, 29889, 735, 29883, 29918, 3888, 3310, 13, 12, 12, 16394, 353, 931, 29889, 2230, 890, 13, 12, 12, 1256, 29918, 1807, 353, 12865, 29889, 12673, 29889, 3166, 16394, 29898, 16394, 467, 710, 615, 603, 877, 29414, 29979, 19222, 29885, 19222, 29881, 29897, 1273, 29950, 16664, 29924, 16664, 29903, 1495, 13, 12, 12, 1311, 29889, 2704, 29918, 1188, 29889, 4397, 3552, 16394, 29892, 2635, 29918, 1807, 29892, 4589, 29918, 7645, 29892, 4805, 2483, 13, 12, 13, 12, 1753, 11819, 29918, 5327, 29898, 1311, 29892, 3646, 29918, 3318, 29892, 3646, 29918, 1989, 29922, 8516, 29892, 11815, 29922, 29906, 29900, 29892, 6939, 29922, 8516, 29892, 6939, 29918, 7529, 29922, 8516, 29892, 11815, 29918, 14035, 29922, 8516, 29892, 11815, 29918, 14035, 29918, 7529, 29922, 8516, 1125, 13, 12, 12, 15945, 29908, 29956, 29874, 1169, 2745, 3646, 338, 694, 5520, 1870, 470, 11815, 10008, 29889, 5974, 449, 338, 297, 6923, 29889, 3646, 29918, 3318, 322, 3646, 29918, 1989, 881, 367, 6031, 29889, 13, 12, 12, 3644, 3646, 1820, 338, 451, 1870, 29892, 769, 3646, 29918, 3318, 674, 367, 14914, 408, 263, 8600, 313, 4746, 3646, 29918, 1989, 363, 278, 2380, 467, 13, 12, 12, 13, 12, 12, 4013, 740, 338, 1900, 3667, 1891, 373, 967, 1914, 5004, 3244, 1213, 15945, 13, 12, 12, 29937, 20340, 2745, 15795, 322, 1820, 505, 1063, 27387, 470, 11815, 10008, 29889, 13, 12, 12, 2230, 29918, 295, 28170, 353, 29871, 29900, 29936, 13, 12, 12, 2962, 29918, 2230, 353, 931, 29889, 2230, 890, 13, 12, 12, 5182, 29918, 12715, 353, 679, 5552, 29898, 1311, 29892, 3646, 29918, 3318, 416, 13, 12, 12, 5182, 353, 6213, 29936, 13, 12, 12, 13, 12, 12, 9965, 29918, 3859, 353, 1583, 29889, 9965, 29918, 3859, 13, 12, 12, 13, 12, 12, 29937, 2158, 376, 7185, 2105, 292, 363, 1273, 29879, 29908, 1273, 3646, 29918, 3318, 29936, 13, 12, 12, 13, 12, 12, 29937, 1522, 8948, 29892, 3017, 14013, 12241, 297, 278, 8775, 29991, 13, 12, 12, 361, 3646, 29918, 1989, 1275, 6213, 29901, 13, 12, 12, 12, 5182, 353, 14013, 3847, 29901, 679, 5552, 29898, 3560, 29892, 3646, 29918, 3318, 416, 13, 12, 12, 2870, 29901, 13, 12, 12, 12, 5182, 353, 14013, 3847, 29901, 679, 5552, 29898, 3560, 29892, 3646, 29918, 3318, 9601, 5182, 29918, 1989, 1385, 13, 12, 12, 13, 12, 12, 8000, 931, 29918, 295, 28170, 529, 11815, 29901, 13, 12, 12, 12, 2230, 29918, 295, 28170, 353, 931, 29889, 2230, 580, 448, 1369, 29918, 2230, 29936, 13, 12, 12, 12, 29937, 1423, 363, 12522, 3204, 29889, 13, 12, 12, 12, 361, 451, 3957, 29918, 3859, 29889, 4925, 29901, 13, 12, 12, 12, 12, 2457, 29936, 13, 12, 12, 12, 13, 12, 12, 12, 29937, 1423, 363, 3646, 4195, 13, 12, 12, 12, 361, 3646, 29898, 1311, 29897, 2804, 6213, 29901, 13, 12, 12, 12, 12, 8690, 29936, 13, 12, 12, 12, 2230, 29889, 17059, 29898, 1311, 29889, 7097, 29918, 17059, 29918, 19708, 416, 13, 12, 12, 13, 12, 12, 29937, 5399, 363, 11815, 29889, 13, 12, 12, 361, 3646, 29898, 1311, 29897, 1275, 6213, 29901, 13, 12, 12, 12, 29937, 2158, 376, 10851, 373, 1273, 29879, 29908, 1273, 3646, 29918, 3318, 29936, 13, 12, 12, 12, 5349, 29918, 15619, 29918, 14035, 353, 11815, 29918, 14035, 2804, 6213, 29936, 13, 12, 12, 12, 361, 756, 29918, 15619, 29918, 14035, 29901, 13, 12, 12, 12, 12, 361, 11815, 29918, 14035, 29918, 7529, 2804, 6213, 29901, 13, 12, 12, 12, 12, 12, 15619, 29918, 14035, 29898, 15619, 29918, 14035, 29918, 7529, 416, 13, 12, 12, 12, 12, 2870, 29901, 13, 12, 12, 12, 12, 12, 15619, 29918, 14035, 890, 13, 12, 12, 12, 2457, 29936, 13, 12, 12, 29937, 2870, 29901, 13, 12, 12, 29937, 12, 2158, 376, 3782, 11815, 373, 1273, 29879, 29908, 1273, 3646, 29918, 3318, 29936, 13, 12, 12, 13, 12, 12, 29937, 21397, 29892, 1065, 278, 6939, 565, 697, 471, 4944, 313, 26026, 451, 565, 697, 338, 871, 15041, 411, 278, 11815, 1741, 467, 13, 12, 12, 361, 6939, 2804, 6213, 29901, 13, 12, 12, 12, 361, 6939, 29918, 7529, 2804, 6213, 29901, 13, 12, 12, 12, 12, 14035, 29898, 5182, 29918, 3318, 29892, 3646, 29918, 1989, 29892, 6939, 29918, 7529, 416, 13, 12, 12, 12, 2870, 29901, 13, 12, 12, 12, 12, 14035, 29898, 5182, 29918, 3318, 29892, 3646, 29918, 1989, 416, 13, 12, 13, 12, 1753, 15585, 403, 29918, 7097, 29898, 1311, 29892, 8952, 29892, 4800, 29892, 6939, 29918, 3318, 29922, 8516, 29892, 6464, 29922, 5574, 1125, 13, 12, 12, 29937, 6939, 29918, 3318, 881, 505, 263, 4866, 29918, 23055, 29898, 8698, 29892, 1059, 29918, 4906, 29897, 1158, 29889, 13, 12, 12, 1311, 29889, 6786, 353, 8952, 29936, 13, 12, 12, 1311, 29889, 5630, 353, 4800, 29936, 13, 12, 12, 1311, 29889, 5150, 29918, 14035, 353, 6939, 29918, 3318, 29936, 13, 12, 12, 13, 12, 12, 15619, 29918, 13789, 353, 6213, 29936, 13, 12, 12, 5349, 29918, 15619, 29918, 13789, 353, 5135, 14035, 29918, 3318, 2804, 6213, 29897, 322, 313, 5349, 5552, 29898, 14035, 29918, 3318, 29892, 376, 8411, 29918, 15619, 29908, 4961, 13, 12, 12, 361, 756, 29918, 15619, 29918, 13789, 29901, 13, 12, 12, 12, 15619, 29918, 13789, 353, 6939, 29918, 3318, 29889, 8411, 29918, 15619, 13, 12, 12, 13, 12, 12, 29937, 15076, 15795, 322, 7343, 1820, 5663, 16837, 2009, 29889, 13, 12, 12, 1311, 29889, 5150, 29918, 8149, 353, 6213, 29936, 13, 12, 12, 4906, 353, 376, 5150, 29918, 29879, 1997, 29918, 3827, 1273, 29879, 29908, 1273, 8952, 29936, 13, 12, 12, 361, 451, 1583, 29889, 303, 348, 29918, 6717, 29918, 4906, 29898, 4906, 1125, 13, 12, 12, 12, 29937, 14035, 29918, 3318, 29889, 8835, 29918, 23055, 29898, 8824, 29892, 376, 17776, 304, 4511, 304, 278, 1923, 18327, 13, 12, 12, 12, 361, 11815, 29918, 13789, 2804, 6213, 29901, 13, 12, 12, 12, 12, 15619, 29918, 13789, 703, 17776, 304, 4511, 304, 278, 1923, 18327, 13, 12, 12, 12, 2457, 29936, 13, 12, 12, 13, 12, 12, 29937, 20340, 2745, 15795, 322, 1820, 505, 1063, 27387, 470, 11815, 10008, 29889, 13, 12, 12, 1311, 29889, 3712, 2105, 29918, 5327, 703, 5150, 29918, 8149, 613, 6213, 29892, 1583, 29889, 2974, 29918, 5327, 29918, 15619, 29892, 1583, 29889, 27218, 403, 29918, 6717, 29918, 11944, 9409, 29892, 518, 7507, 29892, 6939, 29918, 3318, 1402, 11815, 29918, 13789, 29892, 376, 6004, 5229, 304, 10049, 18327, 13, 12, 12, 13, 12, 13, 12, 1753, 15585, 403, 29918, 6717, 29918, 11944, 9409, 29898, 1311, 29892, 3646, 29918, 3318, 29922, 8516, 29892, 3646, 29918, 1989, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 12, 12, 14035, 29918, 3318, 353, 6213, 29936, 13, 12, 12, 361, 8636, 2804, 6213, 29901, 13, 12, 12, 12, 14035, 29918, 3318, 353, 8636, 29961, 29896, 1385, 13, 12, 12, 7507, 353, 8636, 29961, 29900, 29962, 13, 12, 12, 29937, 6608, 278, 4800, 13, 12, 12, 29879, 1997, 29892, 7343, 29918, 1989, 353, 1583, 29889, 5150, 29918, 8149, 29936, 13, 13, 12, 12, 361, 451, 15795, 29901, 13, 12, 12, 12, 361, 6939, 29918, 3318, 2804, 6213, 29901, 13, 12, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 23055, 29898, 8824, 29892, 376, 17776, 304, 4511, 304, 278, 1923, 18327, 13, 12, 12, 12, 12, 2457, 29936, 13, 12, 12, 13, 12, 12, 29879, 1997, 287, 29918, 5630, 353, 529, 25711, 17013, 11903, 1273, 313, 29879, 1997, 29892, 1583, 29889, 5630, 29897, 13, 12, 12, 8568, 287, 29918, 29879, 1997, 287, 29918, 5630, 353, 6608, 1982, 19423, 25711, 17013, 29958, 29946, 29898, 29966, 25711, 17013, 29958, 467, 20970, 29966, 25711, 17013, 8295, 13, 12, 12, 29937, 2158, 376, 8568, 29896, 29901, 1273, 29879, 29905, 29876, 29908, 1273, 6608, 287, 29918, 29879, 1997, 287, 29918, 5630, 29936, 13, 12, 12, 1989, 29918, 392, 29918, 8568, 353, 11860, 29879, 29995, 29879, 29908, 1273, 313, 16626, 29918, 1989, 29892, 6608, 287, 29918, 29879, 1997, 287, 29918, 5630, 29897, 13, 12, 12, 8568, 287, 29918, 5630, 353, 529, 25711, 17013, 5961, 1989, 29918, 392, 29918, 8568, 467, 29966, 25711, 17013, 8295, 13, 12, 12, 29937, 2158, 376, 8568, 29906, 29901, 1273, 29879, 29908, 1273, 6608, 287, 29918, 5630, 29936, 13, 12, 12, 13, 12, 12, 1311, 3032, 5150, 29918, 4882, 353, 6213, 29936, 13, 12, 12, 29937, 15076, 10760, 2009, 29889, 13, 12, 12, 4906, 353, 376, 27218, 403, 1273, 29879, 29908, 1273, 4390, 29889, 29881, 17204, 4197, 1311, 29889, 6786, 29892, 6608, 287, 29918, 5630, 29892, 6464, 29892, 4390, 29889, 29881, 17204, 29898, 1311, 29889, 16515, 29918, 4011, 511, 4390, 29889, 29881, 17204, 29898, 1311, 29889, 3880, 29918, 4011, 4638, 416, 13, 12, 12, 361, 451, 1583, 29889, 303, 348, 29918, 6717, 29918, 4906, 29898, 4906, 1125, 13, 12, 12, 12, 361, 6939, 29918, 3318, 2804, 6213, 29901, 13, 12, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 23055, 29898, 8824, 29892, 376, 17776, 304, 4511, 304, 278, 1923, 18327, 13, 12, 12, 12, 12, 2457, 29936, 13, 12, 12, 13, 12, 12, 15619, 29918, 13789, 353, 6213, 29936, 13, 12, 12, 5349, 29918, 15619, 29918, 13789, 353, 5135, 14035, 29918, 3318, 2804, 6213, 29897, 322, 313, 5349, 5552, 29898, 14035, 29918, 3318, 29892, 376, 8411, 29918, 15619, 29908, 4961, 13, 12, 12, 361, 756, 29918, 15619, 29918, 13789, 29901, 13, 12, 12, 12, 15619, 29918, 13789, 353, 6939, 29918, 3318, 29889, 8411, 29918, 15619, 13, 12, 12, 13, 12, 12, 1311, 29889, 3712, 2105, 29918, 5327, 703, 29918, 5150, 29918, 4882, 613, 6213, 29892, 1583, 29889, 2974, 29918, 5327, 29918, 15619, 29892, 6213, 29892, 6213, 29892, 11815, 29918, 13789, 416, 13, 12, 13, 12, 1753, 22583, 29918, 5729, 12757, 29918, 13789, 29898, 1311, 29892, 3646, 29918, 3318, 29892, 3646, 29918, 1989, 29892, 8636, 1125, 13, 12, 12, 14035, 29918, 3318, 353, 8636, 29936, 13, 12, 12, 1727, 8306, 29918, 13789, 353, 6213, 29936, 13, 12, 12, 5349, 29918, 1727, 8306, 29918, 13789, 353, 5135, 14035, 29918, 3318, 2804, 6213, 29897, 322, 313, 5349, 5552, 29898, 14035, 29918, 3318, 29892, 376, 8835, 29918, 1727, 8306, 29908, 4961, 13, 12, 12, 361, 756, 29918, 1727, 8306, 29918, 13789, 29901, 13, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 1727, 8306, 29898, 5574, 29892, 376, 1496, 13, 13, 12, 1753, 3638, 29918, 3977, 14740, 29918, 1727, 8306, 29918, 3827, 29898, 1311, 29892, 3646, 29918, 3318, 29922, 8516, 29892, 3646, 29918, 1989, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 12, 12, 6786, 29892, 4800, 29892, 8722, 29918, 1958, 29892, 6939, 29918, 3318, 29892, 22583, 29918, 1853, 353, 8636, 29936, 13, 12, 12, 13, 12, 12, 1311, 3032, 1727, 8306, 29918, 4882, 353, 6213, 29936, 13, 12, 12, 13, 12, 12, 29937, 1281, 4984, 278, 2643, 29889, 13, 12, 12, 4906, 353, 11860, 29879, 29908, 1273, 4390, 29889, 29881, 17204, 4197, 6786, 29892, 4800, 29892, 8722, 29918, 1958, 29892, 22583, 29918, 1853, 5691, 13, 12, 12, 13, 12, 12, 29937, 11346, 4641, 278, 2643, 29889, 13, 12, 12, 3597, 29918, 1989, 353, 390, 8132, 29889, 5215, 2558, 29898, 1311, 29889, 1727, 8306, 29918, 1989, 29897, 13, 12, 12, 4906, 353, 970, 29918, 1989, 29889, 3977, 4641, 29898, 4906, 29892, 29871, 29941, 29906, 416, 13, 12, 12, 13, 12, 12, 29937, 323, 547, 373, 278, 8952, 297, 8656, 1426, 322, 4390, 29918, 12508, 1449, 29889, 450, 6850, 3904, 5656, 4225, 304, 8952, 304, 8161, 607, 2024, 1820, 304, 671, 304, 1602, 4641, 278, 2643, 29889, 13, 12, 12, 4906, 353, 376, 9573, 1273, 29879, 1273, 29879, 29908, 1273, 313, 6786, 29892, 2643, 29961, 29900, 5691, 13, 12, 12, 13, 12, 12, 361, 451, 1583, 29889, 303, 348, 29918, 6717, 29918, 4906, 29898, 4906, 1125, 13, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 1727, 8306, 29898, 8824, 29892, 376, 17776, 304, 4511, 304, 278, 1923, 18327, 13, 12, 12, 12, 2457, 29936, 13, 12, 12, 13, 12, 12, 15619, 29918, 13789, 353, 6213, 29936, 13, 12, 12, 5349, 29918, 15619, 29918, 13789, 353, 5135, 14035, 29918, 3318, 2804, 6213, 29897, 322, 313, 5349, 5552, 29898, 14035, 29918, 3318, 29892, 376, 8411, 29918, 15619, 29908, 4961, 13, 12, 12, 361, 756, 29918, 15619, 29918, 13789, 29901, 13, 12, 12, 12, 15619, 29918, 13789, 353, 6939, 29918, 3318, 29889, 8411, 29918, 15619, 13, 13, 12, 12, 29937, 20340, 2745, 15795, 322, 1820, 505, 1063, 27387, 470, 11815, 10008, 29889, 13, 12, 12, 1311, 29889, 3712, 2105, 29918, 5327, 703, 29918, 1727, 8306, 29918, 4882, 613, 6213, 29892, 1583, 29889, 2974, 29918, 5327, 29918, 15619, 29892, 1583, 29889, 1727, 8306, 29918, 5729, 12757, 29918, 13789, 29892, 6939, 29918, 3318, 29892, 11815, 29918, 13789, 416, 13, 12, 13, 12, 1753, 6036, 29918, 7097, 29898, 1311, 29892, 8952, 29892, 4800, 29892, 8722, 29918, 1958, 29892, 6939, 29918, 3318, 29922, 8516, 29892, 22583, 29918, 1853, 543, 546, 1171, 296, 29908, 1125, 13, 12, 12, 29937, 6939, 29918, 3318, 881, 505, 263, 4866, 29918, 1727, 8306, 29898, 8698, 29892, 1059, 29918, 4906, 29897, 1158, 29889, 13, 12, 12, 1311, 29889, 6786, 353, 8952, 29936, 13, 12, 12, 1311, 29889, 5630, 353, 4800, 29936, 13, 12, 12, 1311, 29889, 10185, 29918, 1958, 353, 8722, 29918, 1958, 29936, 13, 12, 12, 1311, 29889, 9573, 29918, 14035, 353, 6939, 29918, 3318, 29936, 13, 12, 12, 13, 12, 12, 1311, 29889, 1727, 8306, 29918, 1989, 353, 6213, 29936, 13, 12, 12, 4906, 353, 376, 9573, 29918, 1989, 1273, 29879, 29908, 1273, 8952, 29936, 13, 12, 12, 361, 451, 1583, 29889, 303, 348, 29918, 6717, 29918, 4906, 29898, 4906, 1125, 13, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 1727, 8306, 29898, 8824, 29892, 376, 17776, 304, 4511, 304, 278, 1923, 18327, 13, 12, 12, 12, 2457, 29936, 13, 12, 12, 13, 12, 12, 15619, 29918, 13789, 353, 6213, 29936, 13, 12, 12, 5349, 29918, 15619, 29918, 13789, 353, 5135, 14035, 29918, 3318, 2804, 6213, 29897, 322, 313, 5349, 5552, 29898, 14035, 29918, 3318, 29892, 376, 8411, 29918, 15619, 29908, 4961, 13, 12, 12, 361, 756, 29918, 15619, 29918, 13789, 29901, 13, 12, 12, 12, 15619, 29918, 13789, 353, 6939, 29918, 3318, 29889, 8411, 29918, 15619, 13, 12, 12, 13, 12, 12, 7529, 353, 518, 6786, 29892, 4800, 29892, 8722, 29918, 1958, 29892, 6939, 29918, 3318, 29892, 22583, 29918, 1853, 1385, 13, 12, 12, 1311, 29889, 3712, 2105, 29918, 5327, 703, 1727, 8306, 29918, 1989, 613, 6213, 29892, 1583, 29889, 2974, 29918, 5327, 29918, 15619, 29892, 1583, 29889, 6717, 29918, 3977, 14740, 29918, 1727, 8306, 29918, 3827, 29892, 8636, 29892, 11815, 29918, 13789, 416, 13, 13, 12, 1753, 15585, 403, 29898, 1311, 29892, 8952, 29892, 4800, 29892, 6939, 29918, 3318, 29922, 8516, 29892, 6464, 29922, 5574, 1125, 13, 12, 12, 15945, 29908, 12283, 29899, 1271, 292, 29889, 317, 1975, 263, 1404, 10760, 2009, 1213, 15945, 13, 12, 12, 29937, 1706, 18101, 263, 5004, 3244, 304, 2189, 10760, 29889, 910, 338, 304, 3013, 515, 23473, 278, 24959, 29892, 1951, 263, 6939, 338, 3806, 304, 4386, 2582, 29889, 13, 12, 12, 4899, 29898, 5182, 29922, 1311, 29889, 27218, 403, 29918, 7097, 29892, 6389, 7607, 6786, 29892, 4800, 29892, 6939, 29918, 3318, 29892, 6464, 8106, 2962, 890, 13, 12, 13, 12, 1753, 7344, 29918, 23055, 29898, 1311, 29892, 6939, 29918, 3318, 29922, 8516, 1125, 13, 12, 12, 29937, 1311, 29889, 23055, 29918, 3712, 2105, 29918, 3318, 13, 12, 12, 6786, 353, 1583, 29889, 6786, 13, 12, 12, 5630, 353, 529, 25711, 17013, 29958, 13, 12, 12, 4230, 29918, 5150, 353, 1583, 29889, 4230, 29918, 5150, 13, 12, 12, 1311, 29889, 276, 29918, 5150, 29918, 2040, 353, 5852, 29936, 13, 12, 12, 8000, 1583, 29889, 27218, 630, 29901, 13, 12, 12, 12, 4230, 29918, 276, 5150, 353, 1583, 29889, 17462, 29918, 284, 573, 29918, 3712, 2105, 29889, 4230, 29918, 276, 5150, 29918, 1131, 3456, 29936, 13, 12, 12, 12, 3707, 353, 931, 29889, 2230, 890, 13, 12, 12, 12, 2040, 29918, 2230, 353, 1833, 29918, 276, 5150, 718, 313, 1311, 29889, 5150, 29918, 17462, 29918, 284, 573, 29918, 18056, 4926, 334, 1583, 29889, 5150, 29918, 17462, 29918, 284, 573, 29918, 19207, 416, 13, 12, 12, 12, 2230, 29918, 1454, 29918, 23327, 29918, 276, 5150, 29918, 1131, 3456, 353, 1286, 6736, 7960, 29918, 2230, 29936, 13, 12, 12, 12, 13, 12, 12, 12, 29937, 2648, 337, 29918, 5150, 29918, 2040, 29892, 306, 29915, 29885, 5934, 263, 337, 29899, 23055, 4218, 3508, 29915, 29873, 5279, 297, 6728, 29889, 3869, 29892, 372, 29915, 29879, 263, 6460, 368, 4257, 2286, 29889, 29871, 13, 12, 12, 12, 29937, 306, 29915, 645, 817, 304, 19508, 372, 1554, 2253, 29889, 7198, 2678, 313, 3018, 2310, 935, 467, 13, 12, 12, 12, 361, 1583, 29889, 276, 29918, 5150, 29918, 2040, 322, 931, 29918, 1454, 29918, 23327, 29918, 276, 5150, 29918, 1131, 3456, 29901, 13, 12, 12, 12, 12, 1311, 29889, 276, 29918, 5150, 29918, 2040, 353, 7700, 29936, 13, 12, 12, 12, 12, 1311, 29889, 27218, 403, 29898, 1311, 29889, 6786, 29892, 1583, 29889, 5630, 29892, 1583, 29889, 17462, 29918, 284, 573, 29918, 3712, 2105, 416, 13, 12, 12, 12, 12, 13, 12, 12, 12, 2230, 29889, 17059, 29898, 1311, 29889, 7097, 29918, 17059, 29918, 19708, 416, 13, 12, 13, 12, 1753, 1480, 449, 29898, 1311, 1125, 13, 12, 12, 1311, 29889, 27218, 630, 353, 7700, 29936, 13, 12, 12, 1311, 29889, 27218, 403, 29898, 1311, 29889, 6786, 29892, 1583, 29889, 5630, 29892, 1583, 29889, 17462, 29918, 284, 573, 29918, 3712, 2105, 29892, 7700, 416, 13, 13, 12, 1753, 6036, 29898, 1311, 29892, 8952, 29892, 4800, 29892, 8722, 29918, 1958, 29892, 6939, 29918, 3318, 29922, 8516, 29892, 22583, 29918, 1853, 543, 546, 1171, 296, 29908, 1125, 13, 12, 12, 15945, 29908, 12283, 29899, 1271, 292, 29889, 317, 1975, 263, 1404, 22583, 2009, 29889, 29871, 13, 12, 12, 11730, 1134, 310, 22583, 3625, 363, 1286, 338, 525, 546, 1171, 296, 4286, 6789, 1971, 653, 304, 2041, 2678, 29892, 5505, 313, 1454, 28865, 22208, 348, 9573, 287, 29915, 4160, 467, 13, 12, 12, 9842, 393, 8722, 29918, 1958, 881, 367, 263, 4390, 29899, 26716, 1347, 313, 6293, 508, 3787, 11472, 848, 1244, 467, 15945, 29908, 13, 12, 12, 29937, 1706, 18101, 263, 5004, 3244, 304, 2189, 22583, 29889, 910, 338, 304, 3013, 515, 23473, 278, 24959, 29892, 1951, 263, 6939, 338, 3806, 304, 4386, 2582, 29889, 13, 12, 12, 4899, 29898, 5182, 29922, 1311, 29889, 9573, 29918, 7097, 29892, 6389, 7607, 6786, 29892, 4800, 29892, 8722, 29918, 1958, 29892, 6939, 29918, 3318, 29892, 22583, 29918, 1853, 8106, 2962, 890, 13, 13, 12, 1753, 2069, 29918, 23981, 29918, 4645, 29898, 1311, 29892, 1923, 29918, 666, 29892, 1923, 29918, 637, 29892, 6835, 29918, 2311, 29922, 29896, 29900, 29906, 29946, 1125, 13, 12, 12, 1311, 29889, 2974, 29918, 666, 353, 1923, 29918, 666, 29936, 13, 12, 12, 1311, 29889, 2974, 29918, 637, 353, 1923, 29918, 637, 29936, 13, 12, 12, 1311, 29889, 303, 348, 29918, 4645, 353, 22729, 29889, 29911, 6271, 29918, 4032, 29898, 2974, 29918, 666, 29892, 1923, 29918, 637, 29892, 6835, 29918, 2311, 416, 13, 12, 13, 12, 1753, 2069, 29918, 303, 348, 29918, 25894, 29898, 1311, 1125, 13, 12, 12, 1311, 29889, 9965, 29918, 3859, 353, 15160, 2792, 29898, 5574, 416, 13, 12, 12, 4899, 29898, 5182, 29922, 1311, 29889, 303, 348, 29918, 20631, 29918, 7888, 467, 2962, 890, 13, 13, 12, 1753, 380, 348, 29918, 6717, 29918, 4906, 29898, 1311, 29892, 2643, 29892, 4390, 29918, 12508, 29922, 8824, 29892, 19012, 29922, 5574, 1125, 13, 12, 12, 2202, 29901, 13, 12, 12, 12, 1311, 29889, 303, 348, 29918, 4645, 29889, 6717, 29918, 4906, 29898, 4906, 29892, 4390, 29918, 12508, 29892, 19012, 416, 13, 12, 12, 12, 2457, 5852, 29936, 13, 12, 12, 19499, 29901, 13, 12, 12, 12, 2457, 7700, 29936, 13, 13, 12, 1753, 380, 348, 29918, 20631, 29918, 7888, 29898, 1311, 1125, 13, 12, 12, 9965, 29918, 3859, 353, 1583, 29889, 9965, 29918, 3859, 13, 12, 12, 4906, 29918, 3318, 353, 6213, 13, 12, 12, 8000, 1583, 29889, 9965, 29918, 3859, 29889, 4925, 29901, 13, 12, 12, 12, 2202, 29901, 13, 12, 12, 12, 12, 4906, 29918, 3318, 353, 1583, 29889, 303, 348, 29918, 4645, 29889, 7323, 29918, 4906, 890, 13, 12, 12, 12, 12, 275, 29918, 3084, 29918, 4906, 353, 5135, 4906, 29918, 3318, 2804, 6213, 29897, 322, 313, 2435, 29898, 4906, 29918, 3318, 29897, 1405, 29871, 29906, 2483, 13, 12, 12, 12, 12, 1311, 29889, 6207, 29918, 1188, 29889, 4397, 29898, 4906, 29918, 3318, 416, 13, 12, 12, 12, 12, 361, 338, 29918, 3084, 29918, 4906, 29901, 13, 12, 12, 12, 12, 12, 4906, 353, 2643, 29918, 3318, 29961, 29906, 1385, 13, 12, 12, 12, 12, 12, 4906, 29918, 1853, 29892, 2643, 29918, 2587, 353, 2643, 29889, 5451, 703, 9162, 29896, 416, 13, 12, 12, 12, 12, 12, 361, 2643, 29918, 1853, 451, 297, 1583, 29889, 4906, 29918, 1188, 29918, 1958, 29901, 13, 12, 12, 12, 12, 12, 12, 1311, 29889, 4906, 29918, 1188, 29918, 1958, 29961, 4906, 29918, 1853, 29962, 353, 13769, 13, 12, 12, 12, 12, 12, 1311, 29889, 4906, 29918, 1188, 29918, 1958, 29961, 4906, 29918, 1853, 1822, 4397, 29898, 4906, 29918, 3318, 416, 13, 12, 12, 12, 12, 12, 29937, 2158, 376, 2303, 1799, 10461, 29901, 1273, 29879, 29905, 29876, 29908, 1273, 2643, 29918, 3318, 29936, 13, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 361, 29898, 4906, 29918, 1853, 1275, 376, 412, 261, 29918, 1958, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 29937, 23533, 848, 881, 367, 5519, 412, 261, 29918, 6786, 29892, 970, 29918, 10185, 29918, 1958, 1402, 2023, 29962, 13, 12, 12, 12, 12, 12, 12, 4906, 29918, 1272, 353, 4390, 29889, 18132, 29898, 4906, 29918, 2587, 416, 13, 12, 12, 12, 12, 12, 12, 1311, 29889, 5504, 29918, 412, 261, 29918, 1958, 29898, 4906, 29918, 1272, 416, 13, 12, 12, 12, 12, 12, 12, 361, 1583, 29889, 412, 261, 29918, 1958, 29918, 14035, 2804, 6213, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 412, 261, 29918, 1958, 29918, 14035, 29898, 1311, 29889, 412, 261, 29918, 1958, 416, 13, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 23681, 29898, 4906, 29918, 1853, 1275, 376, 29716, 29918, 29886, 3322, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 412, 261, 29918, 24622, 353, 5852, 29936, 13, 12, 12, 12, 12, 12, 12, 29937, 2643, 3573, 881, 367, 518, 20631, 29918, 666, 29892, 11621, 29918, 637, 29892, 23533, 29918, 666, 29892, 23533, 29918, 637, 29892, 23533, 29918, 6786, 29892, 6835, 29918, 2311, 29962, 13, 12, 12, 12, 12, 12, 12, 4906, 29918, 1272, 353, 4390, 29889, 18132, 29898, 4906, 29918, 2587, 416, 13, 12, 12, 12, 12, 12, 12, 20631, 29918, 666, 29892, 11621, 29918, 637, 29892, 23533, 29918, 666, 29892, 23533, 29918, 637, 29892, 23533, 29918, 6786, 29892, 6835, 29918, 2311, 353, 2643, 29918, 1272, 13, 12, 12, 12, 12, 12, 12, 637, 29918, 262, 29918, 1509, 353, 7700, 29936, 13, 12, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 12, 29937, 22521, 545, 2011, 3508, 29915, 29873, 2307, 297, 671, 29889, 13, 12, 12, 12, 12, 12, 12, 361, 11621, 29918, 637, 297, 1583, 29889, 3880, 29918, 4011, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 637, 29918, 262, 29918, 1509, 353, 5852, 29936, 13, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 303, 348, 29918, 6717, 29918, 4906, 703, 29716, 29918, 29886, 3322, 29918, 276, 622, 1273, 29879, 29908, 1273, 4390, 29889, 29881, 17204, 4197, 20631, 29918, 666, 29892, 11621, 29918, 637, 29892, 1583, 29889, 6786, 29892, 23533, 29918, 666, 29892, 23533, 29918, 637, 29892, 23533, 29918, 6786, 29892, 6835, 29918, 2311, 29892, 2011, 29918, 262, 29918, 1509, 2314, 416, 13, 12, 12, 12, 12, 12, 12, 12, 19878, 29936, 13, 12, 12, 12, 12, 12, 12, 4906, 29918, 2587, 353, 4390, 29889, 29881, 17204, 4197, 20631, 29918, 666, 29892, 11621, 29918, 637, 29892, 1583, 29889, 6786, 29892, 23533, 29918, 666, 29892, 23533, 29918, 637, 29892, 23533, 29918, 6786, 29892, 6835, 29918, 2311, 29892, 2011, 29918, 262, 29918, 1509, 5691, 13, 12, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 12, 361, 29898, 1311, 29889, 412, 261, 29918, 1271, 29918, 12847, 2804, 6213, 1125, 13, 12, 12, 12, 12, 12, 12, 12, 412, 261, 29918, 24622, 353, 1583, 29889, 412, 261, 29918, 1271, 29918, 12847, 29889, 275, 29918, 412, 261, 29918, 24622, 29898, 4906, 29918, 1272, 416, 13, 12, 12, 12, 12, 12, 12, 361, 29898, 412, 261, 29918, 24622, 1125, 13, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 303, 348, 29918, 6717, 29918, 4906, 703, 29716, 29918, 29886, 3322, 29918, 547, 1273, 29879, 29908, 1273, 2643, 29918, 2587, 416, 13, 12, 12, 12, 12, 12, 12, 2870, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 303, 348, 29918, 6717, 29918, 4906, 703, 29716, 29918, 29886, 3322, 29918, 276, 622, 1273, 29879, 29908, 1273, 2643, 29918, 2587, 416, 13, 12, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 23681, 29898, 4906, 29918, 1853, 1275, 376, 29716, 29918, 29886, 3322, 29918, 3827, 29918, 276, 622, 287, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 29937, 897, 1338, 411, 7274, 393, 4418, 2861, 304, 10225, 310, 10760, 313, 1366, 3132, 470, 278, 3646, 3132, 29897, 470, 3646, 3132, 1838, 29915, 29873, 1863, 29889, 13, 12, 12, 12, 12, 12, 12, 29937, 2643, 29918, 2587, 881, 367, 518, 20631, 29918, 666, 29892, 11621, 29918, 637, 29892, 1583, 29889, 6786, 29892, 3646, 29918, 666, 29892, 3646, 29918, 637, 29892, 8952, 29892, 6835, 29918, 2311, 29962, 13, 12, 12, 12, 12, 12, 12, 14057, 29918, 1853, 29892, 3646, 29918, 6786, 29892, 1059, 29918, 4906, 353, 4390, 29889, 18132, 29898, 4906, 29918, 2587, 416, 13, 12, 12, 12, 12, 12, 12, 361, 3646, 29918, 6786, 297, 1583, 29889, 14035, 29918, 1958, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 14035, 29918, 3318, 353, 1583, 29889, 14035, 29918, 1958, 29961, 5182, 29918, 6786, 1385, 13, 12, 12, 12, 12, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 9965, 29898, 5182, 29918, 6786, 29892, 7700, 29892, 1059, 29918, 4906, 416, 13, 12, 12, 12, 12, 12, 12, 12, 6144, 1583, 29889, 14035, 29918, 1958, 29961, 5182, 29918, 6786, 1385, 13, 12, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 23681, 29898, 4906, 29918, 1853, 1275, 376, 29716, 29918, 29886, 3322, 29918, 276, 622, 287, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 29937, 2643, 29918, 2587, 881, 367, 518, 20631, 29918, 666, 29892, 11621, 29918, 637, 29892, 1583, 29889, 6786, 29892, 3646, 29918, 666, 29892, 3646, 29918, 637, 29892, 8952, 29892, 6835, 29918, 2311, 29962, 13, 12, 12, 12, 12, 12, 12, 4906, 29918, 1272, 353, 4390, 29889, 18132, 29898, 4906, 29918, 2587, 416, 13, 12, 12, 12, 12, 12, 12, 20631, 29918, 666, 29892, 11621, 29918, 637, 29892, 1583, 29889, 6786, 29892, 3646, 29918, 666, 29892, 3646, 29918, 637, 29892, 8952, 29892, 6835, 29918, 2311, 353, 2643, 29918, 1272, 13, 12, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 12, 4645, 29918, 1989, 353, 11860, 29879, 19222, 29879, 19222, 29879, 29908, 1273, 313, 5182, 29918, 666, 29892, 3646, 29918, 637, 29892, 8952, 416, 13, 12, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 12, 14035, 29918, 3318, 353, 6213, 29936, 13, 12, 12, 12, 12, 12, 12, 361, 3132, 29918, 1989, 297, 1583, 29889, 14035, 29918, 1958, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 14035, 29918, 3318, 353, 1583, 29889, 14035, 29918, 1958, 29961, 4645, 29918, 1989, 29962, 13, 12, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 12, 361, 6939, 29918, 3318, 29871, 2804, 6213, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 9965, 29898, 4645, 29918, 1989, 29892, 7700, 29892, 376, 15666, 261, 22225, 278, 3957, 2009, 18327, 13, 12, 12, 12, 12, 12, 12, 12, 6144, 1583, 29889, 14035, 29918, 1958, 29961, 4645, 29918, 1989, 1385, 13, 12, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 23681, 29898, 4906, 29918, 1853, 1275, 376, 2344, 29918, 29716, 29918, 29886, 3322, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 2202, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 20631, 29918, 666, 29892, 11621, 29918, 637, 29892, 23533, 29918, 666, 29892, 23533, 29918, 637, 29892, 23533, 29918, 6786, 29892, 6835, 29918, 2311, 353, 4390, 29889, 18132, 29898, 4906, 29918, 2587, 416, 13, 12, 12, 12, 12, 12, 12, 12, 361, 11621, 29918, 637, 451, 297, 1583, 29889, 3880, 29918, 4011, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 3880, 29918, 4011, 29889, 4397, 29898, 20631, 29918, 637, 416, 13, 12, 12, 12, 12, 12, 12, 12, 29937, 1939, 1683, 29889, 1334, 29915, 276, 925, 2675, 304, 4966, 727, 29915, 29879, 694, 982, 363, 393, 565, 304, 451, 1065, 29892, 322, 393, 591, 29915, 276, 925, 1641, 4203, 29899, 465, 287, 472, 11223, 610, 1562, 333, 29889, 13, 12, 12, 12, 12, 12, 12, 12, 29937, 1619, 3458, 338, 11223, 763, 372, 29915, 29879, 1063, 3252, 12652, 964, 263, 2846, 889, 1862, 472, 445, 1298, 29892, 304, 367, 15993, 29889, 13, 12, 12, 12, 12, 12, 12, 12, 4899, 29898, 5182, 29922, 1311, 29889, 6915, 29918, 517, 29918, 16674, 29918, 412, 261, 29892, 6389, 7607, 20631, 29918, 666, 29892, 11621, 29918, 637, 29892, 23533, 29918, 666, 29892, 23533, 29918, 637, 29892, 6835, 29918, 2311, 29892, 23533, 29918, 6786, 8106, 2962, 890, 13, 12, 12, 12, 12, 12, 12, 12, 4645, 29918, 1989, 353, 11860, 29879, 29918, 29995, 29879, 29918, 29995, 29879, 29908, 1273, 313, 412, 261, 29918, 666, 29892, 23533, 29918, 637, 29892, 23533, 29918, 6786, 29897, 13, 12, 12, 12, 12, 12, 12, 12, 361, 23533, 29918, 6786, 297, 1583, 3032, 29716, 29886, 3322, 29918, 4882, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 3032, 29716, 29886, 3322, 29918, 4882, 29961, 412, 261, 29918, 6786, 29962, 353, 5852, 29936, 13, 12, 12, 12, 12, 12, 12, 12, 361, 23533, 29918, 6786, 297, 1583, 29889, 14035, 29918, 1958, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 14035, 29918, 1958, 29961, 4645, 29918, 1989, 29962, 353, 1583, 29889, 14035, 29918, 1958, 29961, 412, 261, 29918, 6786, 1385, 13, 12, 12, 12, 12, 12, 12, 12, 12, 6144, 1583, 29889, 14035, 29918, 1958, 29961, 412, 261, 29918, 6786, 29962, 13, 12, 12, 12, 12, 12, 12, 19499, 8960, 408, 321, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 1188, 29918, 2704, 29898, 29872, 416, 13, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 23681, 29898, 4906, 29918, 1853, 1275, 376, 5150, 29918, 8149, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 29937, 2643, 3573, 881, 367, 518, 29879, 1997, 29892, 7343, 29918, 1989, 29962, 13, 12, 12, 12, 12, 12, 12, 1311, 29889, 5150, 29918, 8149, 353, 4390, 29889, 18132, 29898, 4906, 29918, 2587, 416, 13, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 23681, 29898, 4906, 29918, 1853, 1275, 376, 5150, 29918, 5327, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 29937, 2643, 3573, 881, 367, 518, 8698, 29892, 8952, 29892, 8722, 29918, 1958, 29892, 6464, 29892, 1059, 29918, 4906, 29962, 13, 12, 12, 12, 12, 12, 12, 8698, 29892, 8952, 29892, 8722, 29918, 1958, 29892, 6464, 29892, 1059, 29918, 4906, 353, 4390, 29889, 18132, 29898, 4906, 29918, 2587, 416, 13, 12, 12, 12, 12, 12, 12, 1311, 3032, 5150, 29918, 4882, 353, 5852, 29936, 13, 12, 12, 12, 12, 12, 12, 1482, 29918, 5150, 353, 451, 1583, 29889, 27218, 630, 29936, 13, 12, 12, 12, 12, 12, 12, 361, 2551, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 361, 6464, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 27218, 630, 353, 5852, 29936, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 5150, 29918, 17462, 29918, 284, 573, 29918, 18056, 4926, 353, 29871, 29896, 29936, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 4230, 29918, 5150, 353, 931, 29889, 2230, 890, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 6786, 353, 8952, 29936, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 10185, 29918, 1958, 353, 8722, 29918, 1958, 29936, 13, 12, 12, 12, 12, 12, 12, 12, 12, 361, 716, 29918, 5150, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 12, 12, 4899, 29898, 5182, 29922, 1311, 29889, 29885, 2365, 475, 29918, 23055, 467, 2962, 890, 13, 12, 12, 12, 12, 12, 12, 12, 2870, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 27218, 630, 353, 7700, 29936, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 5150, 29918, 17462, 29918, 284, 573, 29918, 18056, 4926, 353, 29871, 29896, 29936, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 4230, 29918, 5150, 353, 931, 29889, 2230, 890, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 6786, 353, 8952, 29936, 13, 12, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 10185, 29918, 1958, 353, 8722, 29918, 1958, 29936, 13, 12, 12, 12, 12, 12, 12, 361, 1583, 29889, 5150, 29918, 14035, 2804, 6213, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 5150, 29918, 14035, 29889, 8835, 29918, 23055, 29898, 8698, 29892, 1059, 29918, 4906, 416, 13, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 23681, 29898, 4906, 29918, 1853, 1275, 376, 1727, 8306, 29918, 1989, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 29937, 2643, 3573, 881, 367, 376, 3597, 29918, 1989, 29908, 13, 12, 12, 12, 12, 12, 12, 1311, 29889, 1727, 8306, 29918, 1989, 353, 2643, 29918, 2587, 29936, 13, 12, 12, 12, 12, 12, 13, 12, 12, 12, 12, 12, 23681, 29898, 4906, 29918, 1853, 1275, 376, 1727, 8306, 29918, 5327, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 29937, 2643, 3573, 881, 367, 518, 8698, 29892, 8952, 29892, 8722, 29918, 1958, 29892, 1059, 29918, 4906, 29962, 13, 12, 12, 12, 12, 12, 12, 8698, 29892, 8952, 29892, 8722, 29918, 1958, 29892, 1059, 29918, 4906, 353, 4390, 29889, 18132, 29898, 4906, 29918, 2587, 416, 13, 12, 12, 12, 12, 12, 12, 361, 2551, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 6786, 353, 8952, 29936, 13, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 10185, 29918, 1958, 353, 8722, 29918, 1958, 29936, 13, 12, 12, 12, 12, 12, 12, 12, 1311, 3032, 1727, 8306, 29918, 4882, 353, 5852, 29936, 13, 12, 12, 12, 12, 12, 12, 361, 1583, 29889, 1727, 8306, 29918, 14035, 2804, 6213, 29901, 13, 12, 12, 12, 12, 12, 12, 12, 1311, 29889, 9573, 29918, 14035, 29889, 8835, 29918, 1727, 8306, 29898, 8698, 29892, 1059, 29918, 4906, 416, 13, 12, 12, 12, 12, 12, 13, 12, 12, 12, 19499, 8960, 408, 5566, 29901, 13, 12, 12, 12, 12, 1311, 29889, 1188, 29918, 2704, 29898, 735, 29883, 29892, 2643, 29918, 3318, 416, 13, 12, 12, 12, 13, 12, 12, 12, 2230, 29889, 17059, 29898, 1311, 29889, 7097, 29918, 17059, 29918, 19708, 416, 13, 13, 12, 1753, 2767, 29918, 412, 261, 29918, 1958, 29898, 1311, 29892, 18203, 1125, 13, 12, 12, 6786, 29918, 1761, 353, 13769, 13, 12, 12, 3784, 29918, 6786, 29918, 1761, 353, 1583, 29889, 412, 261, 29918, 1958, 29889, 8149, 890, 13, 12, 12, 1454, 1404, 29918, 1271, 297, 18203, 29901, 13, 12, 12, 12, 412, 261, 29918, 6786, 29892, 8722, 29918, 1958, 353, 1404, 29918, 1271, 29936, 13, 12, 12, 12, 3084, 29918, 6786, 353, 5135, 412, 261, 29918, 6786, 2804, 6213, 29897, 322, 313, 412, 261, 29918, 6786, 29889, 6506, 703, 28796, 2564, 6506, 14182, 29873, 3284, 2564, 6506, 14182, 29876, 3284, 2564, 6506, 14182, 29878, 3284, 1159, 2804, 376, 8983, 13, 12, 12, 12, 361, 2854, 29918, 6786, 29901, 13, 12, 12, 12, 12, 6786, 29918, 1761, 29889, 4397, 29898, 412, 261, 29918, 6786, 416, 13, 12, 12, 12, 12, 1311, 29889, 412, 261, 29918, 1958, 29961, 412, 261, 29918, 6786, 29962, 353, 1404, 29918, 1271, 29936, 13, 12, 12, 5992, 29918, 6786, 29918, 1761, 353, 13769, 13, 12, 12, 1454, 8952, 297, 1857, 29918, 6786, 29918, 1761, 29901, 13, 12, 12, 12, 361, 8952, 451, 297, 8952, 29918, 1761, 29901, 13, 12, 12, 12, 12, 5992, 29918, 6786, 29918, 1761, 29889, 4397, 29898, 6786, 416, 13, 13, 12, 12, 1454, 8952, 297, 3349, 29918, 6786, 29918, 1761, 29901, 13, 12, 12, 12, 6144, 1583, 29889, 412, 261, 29918, 1958, 29961, 6786, 1385, 13, 12, 13, 12, 1753, 4469, 29918, 2622, 29918, 2997, 29918, 29734, 29898, 1311, 1125, 13, 12, 12, 20631, 29918, 666, 353, 1583, 29889, 2997, 29918, 666, 29936, 13, 12, 12, 3881, 29918, 2798, 353, 7431, 29898, 1311, 29889, 16515, 29918, 4011, 416, 13, 12, 12, 1454, 474, 297, 3464, 29898, 29900, 29892, 3464, 29918, 2798, 1125, 13, 12, 12, 12, 29916, 353, 3464, 29918, 2798, 448, 313, 29896, 718, 474, 29897, 13, 12, 12, 12, 637, 29918, 3881, 353, 1583, 29889, 16515, 29918, 4011, 29961, 29916, 29962, 13, 12, 12, 12, 637, 29918, 2798, 353, 2011, 29918, 3881, 29961, 29896, 29962, 448, 2011, 29918, 3881, 29961, 29900, 29962, 13, 12, 12, 12, 1454, 432, 297, 3464, 29898, 29900, 29892, 2011, 29918, 2798, 1125, 13, 12, 12, 12, 12, 637, 353, 2011, 29918, 3881, 29961, 29896, 29962, 448, 432, 29936, 13, 12, 12, 12, 12, 361, 2011, 451, 297, 1583, 29889, 3880, 29918, 4011, 29901, 13, 12, 12, 12, 12, 12, 2457, 313, 20631, 29918, 666, 29892, 2011, 416, 13, 12, 12, 2457, 6213, 29936, 13, 13, 12, 1753, 4511, 29918, 517, 29918, 412, 261, 29898, 1311, 29892, 3646, 29918, 6786, 29892, 6835, 29918, 2311, 29892, 6939, 29918, 3318, 29922, 8516, 29892, 11621, 29918, 666, 353, 6213, 29892, 11621, 29918, 637, 353, 6213, 1125, 13, 12, 12, 15945, 29908, 6939, 29918, 3318, 881, 505, 263, 4866, 29918, 9965, 29898, 5182, 29892, 2551, 29892, 1059, 29918, 4906, 29897, 1158, 988, 2551, 338, 5852, 470, 7700, 29889, 13, 12, 12, 5647, 1461, 5235, 411, 29901, 29871, 13, 12, 12, 29871, 12, 666, 29892, 2011, 29892, 8952, 353, 3646, 29889, 5451, 703, 29899, 613, 29906, 29897, 13, 12, 12, 11609, 29879, 7700, 565, 372, 8465, 304, 3638, 2009, 2643, 313, 29872, 29889, 29887, 29889, 23533, 338, 24370, 470, 3957, 304, 1923, 5229, 6250, 29871, 13, 12, 12, 15945, 29908, 13, 12, 12, 2997, 29918, 29734, 29918, 1333, 29918, 6550, 2164, 353, 5135, 20631, 29918, 666, 1275, 6213, 29897, 470, 313, 20631, 29918, 637, 1275, 6213, 876, 13, 12, 12, 361, 1887, 29918, 29734, 29918, 1333, 29918, 6550, 2164, 29901, 13, 12, 12, 12, 2202, 29901, 13, 12, 12, 12, 12, 20631, 29918, 666, 29892, 11621, 29918, 637, 353, 1583, 29889, 6921, 29918, 2622, 29918, 2997, 29918, 29734, 890, 13, 12, 12, 12, 19499, 29901, 13, 12, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 9965, 29898, 4645, 29918, 1989, 29892, 7700, 29892, 376, 3596, 3625, 6068, 1887, 16169, 526, 2307, 297, 671, 29889, 15808, 14511, 403, 3957, 304, 23533, 18327, 13, 12, 12, 12, 12, 2457, 7700, 29936, 13, 12, 12, 13, 12, 12, 29937, 3295, 9536, 16791, 304, 7535, 29889, 1724, 526, 366, 1811, 304, 8206, 29973, 13, 12, 12, 361, 1583, 29889, 6786, 1275, 3646, 29918, 6786, 29901, 13, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 9965, 29898, 4645, 29918, 1989, 29892, 7700, 29892, 376, 3492, 2609, 4511, 304, 7535, 18327, 13, 12, 12, 12, 2457, 7700, 29936, 13, 12, 12, 13, 12, 12, 29937, 766, 9536, 16791, 304, 24370, 1236, 414, 29889, 13, 12, 12, 361, 29898, 1311, 29889, 412, 261, 29918, 1271, 29918, 12847, 2804, 6213, 1125, 13, 12, 12, 12, 412, 261, 29918, 24622, 353, 1583, 29889, 412, 261, 29918, 1271, 29918, 12847, 29889, 275, 29918, 412, 261, 29918, 24622, 4197, 5182, 29918, 6786, 29892, 6835, 29918, 2311, 5691, 13, 12, 12, 12, 361, 451, 23533, 29918, 24622, 29901, 13, 12, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 9965, 29898, 4645, 29918, 1989, 29892, 7700, 29892, 376, 4013, 23533, 756, 1063, 24370, 18327, 13, 12, 12, 12, 12, 2457, 7700, 29936, 13, 12, 12, 4645, 29918, 1989, 353, 3646, 29918, 6786, 29936, 13, 12, 12, 1311, 29889, 14035, 29918, 1958, 29961, 4645, 29918, 1989, 29962, 353, 6939, 29918, 3318, 29936, 13, 12, 12, 13, 12, 12, 1311, 3032, 29716, 29886, 3322, 29918, 4882, 29961, 4645, 29918, 1989, 29962, 353, 6213, 29936, 13, 12, 12, 13, 12, 12, 29937, 7370, 16188, 29918, 29886, 3322, 1889, 29889, 13, 12, 12, 4906, 353, 376, 3827, 29918, 29716, 29918, 29886, 3322, 1273, 29879, 29908, 1273, 4390, 29889, 29881, 17204, 4197, 20631, 29918, 666, 29892, 11621, 29918, 637, 29892, 1583, 29889, 6786, 29892, 3646, 29918, 6786, 29892, 6835, 29918, 2311, 2314, 13, 12, 12, 361, 451, 1583, 29889, 303, 348, 29918, 6717, 29918, 4906, 29898, 4906, 1125, 13, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 9965, 29898, 4645, 29918, 1989, 29892, 7700, 29892, 376, 17776, 304, 4511, 304, 278, 1923, 18327, 13, 12, 12, 12, 6144, 1583, 29889, 14035, 29918, 1958, 29961, 4645, 29918, 1989, 1385, 13, 12, 12, 12, 2457, 7700, 29936, 13, 12, 12, 13, 12, 12, 15619, 29918, 13789, 353, 6213, 29936, 13, 12, 12, 5349, 29918, 15619, 29918, 13789, 353, 5135, 14035, 29918, 3318, 2804, 6213, 29897, 322, 313, 5349, 5552, 29898, 14035, 29918, 3318, 29892, 376, 8411, 29918, 15619, 29908, 4961, 13, 12, 12, 361, 756, 29918, 15619, 29918, 13789, 29901, 13, 12, 12, 12, 15619, 29918, 13789, 353, 6939, 29918, 3318, 29889, 8411, 29918, 15619, 13, 12, 12, 29937, 20340, 2745, 15795, 322, 1820, 505, 1063, 27387, 470, 11815, 10008, 29889, 13, 12, 12, 4899, 29898, 5182, 29922, 1311, 29889, 3712, 2105, 29918, 5327, 29892, 6389, 29922, 703, 29918, 29716, 29886, 3322, 29918, 4882, 613, 3132, 29918, 1989, 29892, 1583, 29889, 2974, 29918, 5327, 29918, 15619, 29892, 6213, 29892, 6213, 29892, 11815, 29918, 13789, 8106, 2962, 890, 13, 12, 12, 13, 12, 12, 2457, 5852, 29936, 13, 13, 12, 1753, 4511, 29918, 517, 29918, 16674, 29918, 412, 261, 29898, 1311, 29892, 1887, 29918, 666, 29892, 1887, 29918, 637, 29892, 3646, 29918, 666, 29892, 3646, 29918, 637, 29892, 6835, 29918, 2311, 29892, 8952, 1125, 13, 12, 12, 15945, 29908, 22709, 29901, 512, 1890, 671, 871, 3850, 15945, 13, 12, 12, 2158, 376, 17918, 292, 304, 7592, 23533, 1213, 13, 12, 12, 566, 29886, 29918, 4645, 353, 318, 6099, 29889, 29965, 11191, 29918, 4032, 29898, 5574, 29892, 1887, 29918, 666, 29892, 1887, 29918, 637, 29892, 3646, 29918, 666, 29892, 3646, 29918, 637, 29892, 6835, 29918, 2311, 29892, 5852, 416, 13, 12, 12, 4645, 29918, 1989, 353, 11860, 29879, 29918, 29995, 29879, 29918, 29995, 29879, 29908, 1273, 313, 5182, 29918, 666, 29892, 3646, 29918, 637, 29892, 8952, 29897, 13, 12, 12, 13, 12, 12, 14035, 29918, 3318, 353, 6213, 29936, 13, 12, 12, 361, 3132, 29918, 1989, 297, 1583, 29889, 14035, 29918, 1958, 29901, 13, 12, 12, 12, 14035, 29918, 3318, 353, 1583, 29889, 14035, 29918, 1958, 29961, 4645, 29918, 1989, 29962, 13, 12, 12, 13, 12, 12, 361, 1583, 29889, 29716, 29918, 29886, 3322, 29898, 566, 29886, 29918, 4645, 29892, 1583, 29889, 29716, 29918, 29886, 3322, 29918, 3317, 29918, 1131, 3456, 29879, 29892, 1583, 29889, 29716, 29918, 29886, 3322, 29918, 15619, 1125, 13, 12, 12, 12, 2158, 376, 29950, 1772, 29899, 29886, 3322, 14792, 1213, 13, 12, 12, 12, 361, 6939, 29918, 3318, 2804, 6213, 29901, 13, 12, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 9965, 29898, 6786, 29892, 5852, 29892, 3132, 29918, 1989, 416, 13, 12, 12, 12, 1311, 29889, 4645, 29918, 1958, 29961, 4645, 29918, 1989, 29962, 353, 318, 6099, 29918, 4645, 29936, 396, 2551, 29892, 788, 372, 304, 278, 2910, 29889, 13, 12, 12, 2870, 29901, 13, 12, 12, 12, 2158, 376, 29950, 1772, 29899, 29886, 3322, 5229, 1213, 13, 12, 12, 12, 29937, 3349, 393, 2011, 515, 278, 1304, 16169, 1051, 29889, 13, 12, 12, 12, 637, 29918, 2798, 353, 7431, 29898, 1311, 29889, 3880, 29918, 4011, 416, 13, 12, 12, 12, 1454, 474, 297, 3464, 29898, 29900, 29892, 2011, 29918, 2798, 1125, 13, 12, 12, 12, 12, 361, 1583, 29889, 3880, 29918, 4011, 29961, 29875, 29962, 1275, 1887, 29918, 637, 29901, 13, 12, 12, 12, 12, 12, 6144, 1583, 29889, 3880, 29918, 4011, 29961, 29875, 29962, 13, 12, 12, 12, 12, 12, 8690, 29936, 13, 12, 12, 12, 13, 12, 12, 12, 29937, 1065, 278, 6939, 29892, 565, 727, 338, 697, 29889, 13, 12, 12, 12, 361, 6939, 29918, 3318, 2804, 6213, 29901, 13, 12, 12, 12, 12, 14035, 29918, 3318, 29889, 8835, 29918, 9965, 29898, 4645, 29918, 1989, 29892, 7700, 29892, 376, 17776, 304, 4511, 304, 23533, 18327, 13, 13, 12, 1753, 16188, 29918, 29886, 3322, 29918, 6717, 29918, 7888, 29898, 1311, 29892, 318, 6099, 29918, 4645, 29892, 7472, 29918, 2267, 2722, 29922, 29906, 29900, 29892, 9055, 29922, 29900, 29889, 29945, 1125, 13, 12, 12, 13, 12, 12, 1454, 474, 297, 3464, 29898, 29900, 29892, 7472, 29918, 2267, 2722, 1125, 13, 12, 12, 12, 566, 29886, 29918, 4645, 29889, 6717, 29918, 4906, 703, 19274, 613, 7700, 29892, 7700, 416, 13, 12, 12, 12, 2230, 29889, 17059, 29898, 18829, 416, 13, 13, 12, 29937, 6204, 322, 736, 263, 318, 6099, 9909, 393, 756, 7841, 3957, 411, 278, 3646, 23533, 29892, 470, 6213, 565, 372, 8465, 29889, 13, 12, 1753, 16188, 29918, 29886, 3322, 29898, 1311, 29892, 318, 6099, 29918, 4645, 29892, 7472, 29918, 2267, 2722, 29922, 29906, 29900, 29892, 11815, 29922, 29906, 29900, 1125, 13, 12, 12, 2158, 376, 5894, 689, 292, 16188, 29899, 29886, 3322, 1213, 13, 12, 12, 18829, 353, 29871, 29900, 29889, 29945, 13, 12, 12, 2914, 353, 7700, 29936, 13, 12, 12, 9965, 29918, 3859, 353, 1583, 29889, 9965, 29918, 3859, 13, 12, 12, 4899, 29898, 5182, 29922, 1311, 29889, 29716, 29918, 29886, 3322, 29918, 6717, 29918, 7888, 29892, 6389, 7607, 566, 29886, 29918, 4645, 29892, 7472, 29918, 2267, 2722, 29892, 9055, 8106, 2962, 890, 13, 12, 12, 2962, 29918, 2230, 353, 931, 29889, 2230, 890, 13, 12, 12, 1454, 474, 297, 3464, 29898, 29900, 29892, 7472, 29918, 2267, 2722, 1125, 13, 12, 12, 12, 2230, 29889, 17059, 29898, 18829, 29897, 13, 12, 12, 12, 361, 451, 3957, 29918, 3859, 29889, 4925, 29901, 13, 12, 12, 12, 12, 29937, 2367, 701, 322, 3802, 372, 714, 29889, 13, 12, 12, 12, 12, 566, 29886, 29918, 4645, 29889, 2218, 6915, 890, 13, 12, 12, 12, 12, 2158, 376, 16243, 29871, 29896, 1769, 13, 12, 12, 12, 12, 2457, 7700, 29936, 13, 12, 12, 12, 4058, 300, 353, 12942, 13, 12, 12, 12, 2202, 29901, 13, 12, 12, 12, 12, 4058, 300, 353, 318, 6099, 29918, 4645, 29889, 7323, 29918, 4906, 890, 13, 12, 12, 12, 19499, 29901, 13, 12, 12, 12, 12, 3364, 29936, 13, 12, 12, 12, 13, 12, 12, 12, 361, 18203, 2804, 6213, 29901, 13, 12, 12, 12, 12, 2158, 376, 29716, 29918, 29886, 3322, 29918, 5327, 29901, 376, 718, 851, 29898, 4058, 300, 416, 13, 12, 12, 12, 12, 13, 12, 12, 12, 12, 361, 7431, 29898, 4058, 300, 29897, 6736, 29871, 29941, 29901, 13, 12, 12, 12, 12, 12, 29937, 1423, 278, 18203, 29889, 13, 12, 12, 12, 12, 12, 361, 29898, 4058, 300, 29961, 29906, 29962, 1275, 376, 19274, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 566, 29886, 29918, 4645, 29889, 6717, 29918, 4906, 703, 547, 613, 7700, 29892, 7700, 416, 396, 3638, 18145, 5485, 13, 12, 12, 12, 12, 12, 23681, 29898, 4058, 300, 29961, 29906, 29962, 1275, 376, 547, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 566, 29886, 29918, 4645, 29889, 6717, 29918, 4906, 703, 547, 29906, 613, 7700, 29892, 7700, 416, 396, 3638, 263, 384, 263, 384, 322, 736, 9909, 29889, 13, 12, 12, 12, 12, 12, 12, 2914, 353, 5852, 29936, 13, 12, 12, 12, 12, 12, 12, 2158, 376, 14191, 29871, 29896, 1769, 13, 12, 12, 12, 12, 12, 12, 8690, 29936, 13, 12, 12, 12, 12, 12, 23681, 29898, 4058, 300, 29961, 29906, 29962, 1275, 376, 547, 29906, 29908, 1125, 13, 12, 12, 12, 12, 12, 12, 2914, 353, 5852, 29936, 396, 263, 384, 263, 384, 4520, 29892, 736, 9909, 29889, 13, 12, 12, 12, 12, 12, 12, 2158, 376, 14191, 29871, 29906, 1769, 13, 12, 12, 12, 12, 12, 12, 8690, 29936, 13, 12, 12, 12, 13, 12, 12, 12, 29937, 1423, 363, 11815, 13, 12, 12, 12, 2230, 29918, 295, 28170, 353, 931, 29889, 2230, 580, 448, 1369, 29918, 2230, 29936, 13, 12, 12, 12, 361, 29898, 2230, 29918, 295, 28170, 6736, 11815, 1125, 13, 12, 12, 12, 12, 2158, 376, 16243, 29871, 29906, 1769, 13, 12, 12, 12, 12, 8690, 29936, 13, 12, 12, 13, 12, 12, 2457, 1121, 29936, 13, 13, 13, 1990, 19152, 29909, 9258, 7185, 2105, 29901, 13, 12, 13, 12, 1753, 4770, 2344, 12035, 1311, 29892, 3847, 1125, 13, 12, 12, 1311, 29889, 3560, 353, 3847, 29936, 13, 12, 12, 1311, 29889, 4230, 29918, 276, 5150, 29918, 1131, 3456, 353, 931, 29889, 2230, 890, 13, 12, 13, 12, 1753, 4866, 29918, 23055, 29898, 1311, 29892, 2551, 29892, 1059, 29918, 4906, 13776, 1125, 13, 12, 12, 1311, 29889, 3560, 29889, 276, 29918, 5150, 29918, 2040, 353, 5852, 29936, 13, 12, 12, 1311, 29889, 4230, 29918, 276, 5150, 29918, 1131, 3456, 353, 931, 29889, 2230, 890, 13, 12, 12, 361, 451, 2551, 29901, 13, 12, 12, 12, 1311, 29889, 3560, 29889, 5150, 29918, 17462, 29918, 284, 573, 29918, 18056, 4926, 4619, 29871, 29896, 29936, 13, 12, 12, 13, 12, 13, 12, 1753, 4386, 29918, 15619, 29898, 1311, 29892, 8636, 29922, 8516, 1125, 13, 12, 12, 1311, 29889, 4230, 29918, 276, 5150, 29918, 1131, 3456, 353, 931, 29889, 2230, 890, 13, 12, 12, 1311, 29889, 3560, 29889, 276, 29918, 5150, 29918, 2040, 353, 5852, 29936, 13, 12, 12, 1311, 29889, 3560, 29889, 5150, 29918, 17462, 29918, 284, 573, 29918, 18056, 4926, 4619, 29871, 29896, 29936, 13, 2 ]
src/lamdas/segment-delete/segment_delete.py
aws-samples/amazon-pinpoint-segment-campaign-automation
3
99282
import logging import os import time import boto3 client = boto3.client("pinpoint") def lambda_handler(event, context): log_level = str(os.environ.get("LOG_LEVEL")).upper() if log_level not in ["DEBUG", "INFO", "WARNING", "ERROR", "CRITICAL"]: log_level = "ERROR" logging.getLogger().setLevel(log_level) logging.info(event) response = client.delete_segment( ApplicationId=os.environ.get("PINPOINT_PROJECT_ID"), SegmentId=event["SegmentId"], ) logging.info(response) db_logging_status = "CAMPAIGN_FAILED" return { "SegmentId": event["SegmentId"], "interest": event["interest"], "CampaignStatus": event["CampaignStatus"], "product_name": event["product_name"], "product_link": event["product_link"], "db_logging_status": db_logging_status, }
[ 1, 1053, 12183, 13, 5215, 2897, 13, 5215, 931, 13, 13, 5215, 289, 3747, 29941, 13, 13, 4645, 353, 289, 3747, 29941, 29889, 4645, 703, 12687, 3149, 1159, 13, 13, 13, 1753, 14013, 29918, 13789, 29898, 3696, 29892, 3030, 1125, 13, 1678, 1480, 29918, 5563, 353, 851, 29898, 359, 29889, 21813, 29889, 657, 703, 14480, 29918, 1307, 29963, 6670, 1159, 467, 21064, 580, 13, 1678, 565, 1480, 29918, 5563, 451, 297, 6796, 18525, 613, 376, 11690, 613, 376, 29956, 25614, 613, 376, 11432, 613, 376, 11341, 1806, 2965, 1964, 3108, 29901, 13, 4706, 1480, 29918, 5563, 353, 376, 11432, 29908, 13, 1678, 12183, 29889, 657, 16363, 2141, 842, 10108, 29898, 1188, 29918, 5563, 29897, 13, 1678, 12183, 29889, 3888, 29898, 3696, 29897, 13, 13, 1678, 2933, 353, 3132, 29889, 8143, 29918, 28192, 29898, 13, 4706, 8427, 1204, 29922, 359, 29889, 21813, 29889, 657, 703, 29925, 1177, 29925, 6992, 29911, 29918, 8618, 17637, 29918, 1367, 4968, 13, 4706, 6667, 358, 1204, 29922, 3696, 3366, 17669, 358, 1204, 12436, 13, 1678, 1723, 13, 1678, 12183, 29889, 3888, 29898, 5327, 29897, 13, 1678, 4833, 29918, 21027, 29918, 4882, 353, 376, 5454, 3580, 29909, 17298, 29918, 4519, 29902, 20566, 29908, 13, 13, 1678, 736, 426, 13, 4706, 376, 17669, 358, 1204, 1115, 1741, 3366, 17669, 358, 1204, 12436, 13, 4706, 376, 1639, 342, 1115, 1741, 3366, 1639, 342, 12436, 13, 4706, 376, 29907, 1160, 8729, 5709, 1115, 1741, 3366, 29907, 1160, 8729, 5709, 12436, 13, 4706, 376, 4704, 29918, 978, 1115, 1741, 3366, 4704, 29918, 978, 12436, 13, 4706, 376, 4704, 29918, 2324, 1115, 1741, 3366, 4704, 29918, 2324, 12436, 13, 4706, 376, 2585, 29918, 21027, 29918, 4882, 1115, 4833, 29918, 21027, 29918, 4882, 29892, 13, 1678, 500, 13, 2 ]
ConfManager/models/interfaces.py
cygerior/LabManager
0
144115
<filename>ConfManager/models/interfaces.py from django.db import models from polymorphic.models import PolymorphicModel class Interface(PolymorphicModel): name = models.CharField(max_length=30, unique=True) def __str__(self): return self.name class NetworkInterface(Interface): mac_address = models.CharField(max_length=23) address = models.CharField(max_length=30) class BackplaneNetworkInterface(Interface): pass class UartInterface(Interface): uri = models.CharField(max_length=30)
[ 1, 529, 9507, 29958, 16376, 3260, 29914, 9794, 29914, 1639, 8726, 29889, 2272, 13, 3166, 9557, 29889, 2585, 1053, 4733, 13, 3166, 24324, 5676, 293, 29889, 9794, 1053, 2043, 962, 5676, 293, 3195, 13, 13, 13, 1990, 25796, 29898, 7713, 962, 5676, 293, 3195, 1125, 13, 1678, 1024, 353, 4733, 29889, 27890, 29898, 3317, 29918, 2848, 29922, 29941, 29900, 29892, 5412, 29922, 5574, 29897, 13, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 736, 1583, 29889, 978, 13, 13, 13, 1990, 8527, 10448, 29898, 10448, 1125, 13, 1678, 5825, 29918, 7328, 353, 4733, 29889, 27890, 29898, 3317, 29918, 2848, 29922, 29906, 29941, 29897, 13, 1678, 3211, 353, 4733, 29889, 27890, 29898, 3317, 29918, 2848, 29922, 29941, 29900, 29897, 13, 13, 13, 1990, 7437, 22116, 13724, 10448, 29898, 10448, 1125, 13, 1678, 1209, 13, 13, 13, 1990, 501, 442, 10448, 29898, 10448, 1125, 13, 1678, 21333, 353, 4733, 29889, 27890, 29898, 3317, 29918, 2848, 29922, 29941, 29900, 29897, 13, 2 ]
galaxydb/__init__.py
alantelles/galaxydb
2
33394
<gh_stars>1-10 from galaxydb.column import Column from galaxydb.scheme import Scheme from galaxydb.logic import Logic from galaxydb.table import Table from galaxydb.constants import * from galaxydb.statics import *
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 3166, 15400, 29891, 2585, 29889, 4914, 1053, 12481, 30004, 13, 3166, 15400, 29891, 2585, 29889, 816, 2004, 1053, 1102, 2004, 30004, 13, 3166, 15400, 29891, 2585, 29889, 19227, 1053, 4522, 293, 30004, 13, 3166, 15400, 29891, 2585, 29889, 2371, 1053, 6137, 30004, 13, 3166, 15400, 29891, 2585, 29889, 3075, 1934, 1053, 334, 30004, 13, 3166, 15400, 29891, 2585, 29889, 6112, 1199, 1053, 334, 30004, 13, 2 ]
pravash/createincident.py
amvasudeva/rapidata
0
140792
#! /usr/bin/python #Need to install requests package for python #sudo easy_install requests import requests # Set the request parameters url = 'https://wiprodemo.service-now.com/api/now/table/incident' user = 'Default' pwd = '<PASSWORD>' # Set proper headers headers = {"Content-Type":"application/json","Accept":"application/json"} # Do the HTTP request response = requests.post(url, auth=(user, pwd), headers=headers ,data="{'short_description':'Jenkins: Build Failed'}") # Check for HTTP codes other than 200 if response.status_code != 201: print('Status:', response.status_code, 'Headers:', response.headers, 'Error Response:',response.json()) exit() # Decode the JSON response into a dictionary and use the data #print('Status:',response.status_code,'Headers:',response.headers,'Response:',response.json()) json_data = response.json() print json_data['result']['number']
[ 1, 396, 29991, 847, 4855, 29914, 2109, 29914, 4691, 13, 29937, 8139, 287, 304, 2601, 7274, 3577, 363, 3017, 13, 29937, 15360, 4780, 29918, 6252, 7274, 13, 5215, 7274, 13, 29871, 13, 396, 3789, 278, 2009, 4128, 13, 2271, 353, 525, 991, 597, 29893, 666, 307, 17482, 29889, 5509, 29899, 3707, 29889, 510, 29914, 2754, 29914, 3707, 29914, 2371, 29914, 3742, 1693, 29915, 13, 1792, 353, 525, 4592, 29915, 13, 29886, 9970, 353, 12801, 25711, 17013, 16299, 13, 29871, 13, 396, 3789, 1571, 9066, 13, 13662, 353, 8853, 3916, 29899, 1542, 4710, 6214, 29914, 3126, 3284, 23965, 4710, 6214, 29914, 3126, 9092, 13, 29871, 13, 396, 1938, 278, 7331, 2009, 13, 5327, 353, 7274, 29889, 2490, 29898, 2271, 29892, 4817, 7607, 1792, 29892, 282, 9970, 511, 9066, 29922, 13662, 1919, 1272, 10724, 29915, 12759, 29918, 8216, 22099, 29967, 16468, 29901, 8878, 18390, 10827, 1159, 13, 29871, 13, 396, 5399, 363, 7331, 11561, 916, 1135, 29871, 29906, 29900, 29900, 13, 361, 2933, 29889, 4882, 29918, 401, 2804, 29871, 29906, 29900, 29896, 29901, 29871, 13, 1678, 1596, 877, 5709, 29901, 742, 2933, 29889, 4882, 29918, 401, 29892, 525, 18163, 29901, 742, 2933, 29889, 13662, 29892, 525, 2392, 13291, 29901, 742, 5327, 29889, 3126, 3101, 13, 1678, 6876, 580, 13, 29871, 13, 396, 897, 401, 278, 4663, 2933, 964, 263, 8600, 322, 671, 278, 848, 13, 29871, 13, 29937, 2158, 877, 5709, 29901, 742, 5327, 29889, 4882, 29918, 401, 5501, 18163, 29901, 742, 5327, 29889, 13662, 5501, 5103, 29901, 742, 5327, 29889, 3126, 3101, 13, 3126, 29918, 1272, 353, 2933, 29889, 3126, 580, 13, 2158, 4390, 29918, 1272, 1839, 2914, 16215, 4537, 2033, 13, 2 ]
scraper/functions/progress_bar.py
cordeirossauro/iw-scraper
0
138976
<reponame>cordeirossauro/iw-scraper import math class ProgressBar: def __init__(self, total_steps, bar_size, message, current_step = 1): self.total_steps = total_steps self.current_step = current_step self.bar_size = bar_size self.message = message def print_bar(self): steps_done = math.floor( self.current_step / self.total_steps * self.bar_size ) bar = ( " |" + ("█" * steps_done) + (" " * (self.bar_size - 1 - steps_done)) + "|" ) progress = f" [{self.current_step}/{self.total_steps}]" print(self.message + progress + bar, end="\r") def update_bar(self, current_step): self.current_step = current_step self.print_bar()
[ 1, 529, 276, 1112, 420, 29958, 2616, 311, 29875, 2124, 585, 307, 29914, 9429, 29899, 1557, 336, 546, 13, 5215, 5844, 13, 13, 13, 1990, 20018, 4297, 29901, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 3001, 29918, 24530, 29892, 2594, 29918, 2311, 29892, 2643, 29892, 1857, 29918, 10568, 353, 29871, 29896, 1125, 13, 4706, 1583, 29889, 7827, 29918, 24530, 353, 3001, 29918, 24530, 13, 4706, 1583, 29889, 3784, 29918, 10568, 353, 1857, 29918, 10568, 13, 4706, 1583, 29889, 1646, 29918, 2311, 353, 2594, 29918, 2311, 13, 4706, 1583, 29889, 4906, 353, 2643, 13, 13, 1678, 822, 1596, 29918, 1646, 29898, 1311, 1125, 13, 4706, 6576, 29918, 15091, 353, 5844, 29889, 14939, 29898, 13, 9651, 1583, 29889, 3784, 29918, 10568, 847, 1583, 29889, 7827, 29918, 24530, 334, 1583, 29889, 1646, 29918, 2311, 13, 4706, 1723, 13, 13, 4706, 2594, 353, 313, 13, 9651, 376, 891, 29908, 13, 9651, 718, 4852, 30208, 29908, 334, 6576, 29918, 15091, 29897, 13, 9651, 718, 4852, 376, 334, 313, 1311, 29889, 1646, 29918, 2311, 448, 29871, 29896, 448, 6576, 29918, 15091, 876, 13, 9651, 718, 376, 29989, 29908, 13, 4706, 1723, 13, 4706, 6728, 353, 285, 29908, 15974, 1311, 29889, 3784, 29918, 10568, 6822, 29912, 1311, 29889, 7827, 29918, 24530, 6525, 29908, 13, 13, 4706, 1596, 29898, 1311, 29889, 4906, 718, 6728, 718, 2594, 29892, 1095, 543, 29905, 29878, 1159, 13, 13, 1678, 822, 2767, 29918, 1646, 29898, 1311, 29892, 1857, 29918, 10568, 1125, 13, 13, 4706, 1583, 29889, 3784, 29918, 10568, 353, 1857, 29918, 10568, 13, 4706, 1583, 29889, 2158, 29918, 1646, 580, 13, 2 ]
backend/src/baserow/contrib/database/migrations/0007_datefield.py
cjh0613/baserow
839
156947
# Generated by Django 2.2.11 on 2020-05-26 10:23 from django.db import migrations, models import django.db.models.deletion class Migration(migrations.Migration): dependencies = [ ('database', '0006_auto_20200522_1329'), ] operations = [ migrations.CreateModel( name='DateField', fields=[ ('field_ptr', models.OneToOneField( auto_created=True, on_delete=django.db.models.deletion.CASCADE, parent_link=True, primary_key=True, serialize=False, to='database.Field' )), ('date_format', models.CharField( choices=[('EU', 'European (D/M/Y)'), ('US', 'US (M/D/Y)'), ('ISO', 'ISO (Y-M-D)')], default=('EU', 'European (D/M/Y)'), max_length=32 )), ('date_include_time', models.BooleanField(default=False)), ('date_time_format', models.CharField( choices=[('24', '24 hour'), ('12', '12 hour')], default=('24', '24 hour'), max_length=32 )), ], bases=('database.field',), ), ]
[ 1, 396, 3251, 630, 491, 15337, 29871, 29906, 29889, 29906, 29889, 29896, 29896, 373, 29871, 29906, 29900, 29906, 29900, 29899, 29900, 29945, 29899, 29906, 29953, 29871, 29896, 29900, 29901, 29906, 29941, 13, 13, 3166, 9557, 29889, 2585, 1053, 9725, 800, 29892, 4733, 13, 5215, 9557, 29889, 2585, 29889, 9794, 29889, 311, 1026, 291, 13, 13, 13, 1990, 341, 16783, 29898, 26983, 800, 29889, 29924, 16783, 1125, 13, 13, 1678, 9962, 353, 518, 13, 4706, 6702, 9803, 742, 525, 29900, 29900, 29900, 29953, 29918, 6921, 29918, 29906, 29900, 29906, 29900, 29900, 29945, 29906, 29906, 29918, 29896, 29941, 29906, 29929, 5477, 13, 1678, 4514, 13, 13, 1678, 6931, 353, 518, 13, 4706, 9725, 800, 29889, 4391, 3195, 29898, 13, 9651, 1024, 2433, 2539, 3073, 742, 13, 9651, 4235, 11759, 13, 18884, 6702, 2671, 29918, 7414, 742, 4733, 29889, 6716, 1762, 6716, 3073, 29898, 13, 462, 1678, 4469, 29918, 11600, 29922, 5574, 29892, 13, 462, 1678, 373, 29918, 8143, 29922, 14095, 29889, 2585, 29889, 9794, 29889, 311, 1026, 291, 29889, 29907, 3289, 5454, 2287, 29892, 13, 462, 1678, 3847, 29918, 2324, 29922, 5574, 29892, 13, 462, 1678, 7601, 29918, 1989, 29922, 5574, 29892, 13, 462, 1678, 28755, 29922, 8824, 29892, 13, 462, 1678, 304, 2433, 9803, 29889, 3073, 29915, 13, 18884, 1723, 511, 13, 18884, 6702, 1256, 29918, 4830, 742, 4733, 29889, 27890, 29898, 13, 462, 1678, 19995, 11759, 877, 29923, 29965, 742, 525, 15654, 273, 313, 29928, 29914, 29924, 29914, 29979, 29897, 5477, 13, 462, 632, 6702, 3308, 742, 525, 3308, 313, 29924, 29914, 29928, 29914, 29979, 29897, 5477, 13, 462, 632, 6702, 29096, 742, 525, 29096, 313, 29979, 29899, 29924, 29899, 29928, 29897, 1495, 1402, 13, 462, 1678, 2322, 29922, 877, 29923, 29965, 742, 525, 15654, 273, 313, 29928, 29914, 29924, 29914, 29979, 29897, 5477, 13, 462, 1678, 4236, 29918, 2848, 29922, 29941, 29906, 13, 18884, 1723, 511, 13, 18884, 6702, 1256, 29918, 2856, 29918, 2230, 742, 4733, 29889, 18146, 3073, 29898, 4381, 29922, 8824, 8243, 13, 18884, 6702, 1256, 29918, 2230, 29918, 4830, 742, 4733, 29889, 27890, 29898, 13, 462, 1678, 19995, 11759, 877, 29906, 29946, 742, 525, 29906, 29946, 7234, 5477, 13, 462, 632, 6702, 29896, 29906, 742, 525, 29896, 29906, 7234, 1495, 1402, 13, 462, 1678, 2322, 29922, 877, 29906, 29946, 742, 525, 29906, 29946, 7234, 5477, 13, 462, 1678, 4236, 29918, 2848, 29922, 29941, 29906, 13, 18884, 1723, 511, 13, 9651, 21251, 13, 9651, 22561, 29922, 877, 9803, 29889, 2671, 742, 511, 13, 4706, 10353, 13, 1678, 4514, 13, 2 ]
open_spiel/python/algorithms/psro_v2/rl_policy.py
julianstastny/open_spiel
0
76210
# Copyright 2019 DeepMind Technologies Ltd. All rights reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # Lint as: python3 """DQN as a policy. Treating RL Oracles as policies allows us to streamline their use with tabular policies and other policies in OpenSpiel, and freely mix populations using different types of oracles. """ from open_spiel.python import policy from open_spiel.python import rl_environment from open_spiel.python.algorithms import dqn from open_spiel.python.algorithms import policy_gradient_pytorch as policy_gradient def rl_policy_factory(rl_class): """Transforms an RL Agent into an OpenSpiel policy. Args: rl_class: An OpenSpiel class inheriting from 'rl_agent.AbstractAgent' such as policy_gradient.PolicyGradient or dqn.DQN. Returns: An RLPolicy class that wraps around an instance of rl_class to transform it into a policy. """ class RLPolicy(policy.Policy): """A 'policy.Policy' wrapper around an 'rl_agent.AbstractAgent' instance.""" def __init__(self, env, player_id, **kwargs): """Constructs an RL Policy. Args: env: An OpenSpiel RL Environment instance. player_id: The ID of the DQN policy's player. **kwargs: Various kwargs used to initialize rl_class. """ game = env.game super(RLPolicy, self).__init__(game, player_id) self._policy = rl_class(**{"player_id": player_id, **kwargs}) self._frozen = False self._rl_class = rl_class self._env = env self._obs = { "info_state": [None] * self.game.num_players(), "legal_actions": [None] * self.game.num_players() } def get_time_step(self): time_step = self._env.get_time_step() return time_step def action_probabilities(self, state, player_id=None): cur_player = state.current_player() if player_id is None else player_id legal_actions = state.legal_actions(cur_player) step_type = rl_environment.StepType.LAST if state.is_terminal( ) else rl_environment.StepType.MID self._obs["current_player"] = cur_player self._obs["info_state"][cur_player] = ( state.information_state_tensor(cur_player)) self._obs["legal_actions"][cur_player] = legal_actions # pylint: disable=protected-access rewards = state.rewards() if rewards: time_step = rl_environment.TimeStep( observations=self._obs, rewards=rewards, discounts=self._env._discounts, step_type=step_type) else: rewards = [0] * self._num_players time_step = rl_environment.TimeStep( observations=self._obs, rewards=rewards, discounts=self._env._discounts, step_type=rl_environment.StepType.FIRST) # pylint: enable=protected-access p = self._policy.step(time_step, is_evaluation=True).probs prob_dict = {action: p[action] for action in legal_actions} return prob_dict def step(self, time_step, is_evaluation=False): # The _frozen attribute freezes the weights of the current policy. This # effect is achieved by considering that we always are evaluating when the # current policy's weights are frozen. For more details, see the freeze() # method. is_evaluation = (is_evaluation) or (self._frozen) return self._policy.step(time_step, is_evaluation) def freeze(self): """This method freezes the policy's weights. The weight freezing effect is implemented by preventing any training to take place through calls to the step function. The weights are therefore not effectively frozen, and unconventional calls may trigger weights training. The weight-freezing effect is especially needed in PSRO, where all policies that aren't being trained by the oracle must be static. Freezing trained policies permitted us not to change how 'step' was called when introducing self-play (By not changing 'is_evaluation' depending on the current player). """ self._frozen = True def unfreeze(self): self._frozen = False def is_frozen(self): return self._frozen def get_weights(self): return self._policy.get_weights() def copy_with_noise(self, sigma=0.0): copied_object = RLPolicy.__new__(RLPolicy) super(RLPolicy, copied_object).__init__(self.game, self.player_ids) setattr(copied_object, "_rl_class", self._rl_class) setattr(copied_object, "_obs", self._obs) setattr(copied_object, "_policy", self._policy.copy_with_noise(sigma=sigma)) setattr(copied_object, "_env", self._env) copied_object.unfreeze() return copied_object return RLPolicy # Generating policy classes for Policy Gradient and DQN # pylint: disable=invalid-name PGPolicy = rl_policy_factory(policy_gradient.PolicyGradient) DQNPolicy = rl_policy_factory(dqn.DQN) # pylint: enable=invalid-name
[ 1, 396, 14187, 1266, 29871, 29906, 29900, 29896, 29929, 21784, 29924, 513, 8364, 11763, 19806, 29889, 2178, 10462, 21676, 29889, 13, 29937, 13, 29937, 10413, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 376, 29931, 293, 1947, 1496, 13, 29937, 366, 1122, 451, 671, 445, 934, 5174, 297, 752, 13036, 411, 278, 19245, 29889, 13, 29937, 887, 1122, 4017, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 268, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 7047, 13, 29937, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 13, 29937, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 13, 29937, 2823, 278, 19245, 363, 278, 2702, 4086, 14765, 1076, 11239, 322, 13, 29937, 27028, 1090, 278, 19245, 29889, 13, 13, 29937, 365, 524, 408, 29901, 3017, 29941, 13, 15945, 29908, 29928, 29984, 29940, 408, 263, 8898, 29889, 13, 13, 29911, 276, 1218, 390, 29931, 438, 336, 7799, 408, 24833, 6511, 502, 304, 4840, 1220, 1009, 671, 411, 4434, 1070, 13, 3733, 293, 583, 322, 916, 24833, 297, 4673, 5592, 709, 29892, 322, 28472, 6837, 23093, 773, 13, 29881, 15622, 4072, 310, 470, 23435, 29889, 13, 15945, 29908, 13, 13, 3166, 1722, 29918, 9671, 29889, 4691, 1053, 8898, 13, 3166, 1722, 29918, 9671, 29889, 4691, 1053, 364, 29880, 29918, 20944, 13, 3166, 1722, 29918, 9671, 29889, 4691, 29889, 9564, 12404, 1053, 270, 29939, 29876, 13, 3166, 1722, 29918, 9671, 29889, 4691, 29889, 9564, 12404, 1053, 8898, 29918, 24970, 29918, 2272, 7345, 305, 408, 8898, 29918, 24970, 13, 13, 1753, 364, 29880, 29918, 22197, 29918, 14399, 29898, 2096, 29918, 1990, 1125, 13, 29871, 9995, 4300, 9514, 385, 390, 29931, 28330, 964, 385, 4673, 5592, 709, 8898, 29889, 13, 13, 29871, 826, 3174, 29901, 13, 1678, 364, 29880, 29918, 1990, 29901, 530, 4673, 5592, 709, 770, 7846, 11407, 515, 525, 2096, 29918, 14748, 29889, 9118, 19661, 29915, 1316, 13, 418, 408, 8898, 29918, 24970, 29889, 15644, 25584, 993, 470, 270, 29939, 29876, 29889, 29928, 29984, 29940, 29889, 13, 13, 29871, 16969, 29901, 13, 1678, 530, 390, 29931, 15644, 770, 393, 11463, 567, 2820, 385, 2777, 310, 364, 29880, 29918, 1990, 304, 4327, 372, 13, 1678, 964, 263, 8898, 29889, 13, 29871, 9995, 13, 13, 29871, 770, 390, 29931, 15644, 29898, 22197, 29889, 15644, 1125, 13, 1678, 9995, 29909, 525, 22197, 29889, 15644, 29915, 14476, 2820, 385, 525, 2096, 29918, 14748, 29889, 9118, 19661, 29915, 2777, 1213, 15945, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 8829, 29892, 4847, 29918, 333, 29892, 3579, 19290, 1125, 13, 418, 9995, 1168, 4984, 29879, 385, 390, 29931, 25219, 29889, 13, 13, 418, 826, 3174, 29901, 13, 4706, 8829, 29901, 530, 4673, 5592, 709, 390, 29931, 16738, 2777, 29889, 13, 4706, 4847, 29918, 333, 29901, 450, 3553, 310, 278, 360, 29984, 29940, 8898, 29915, 29879, 4847, 29889, 13, 4706, 3579, 19290, 29901, 9586, 681, 9049, 5085, 1304, 304, 11905, 364, 29880, 29918, 1990, 29889, 13, 418, 9995, 13, 418, 3748, 353, 8829, 29889, 11802, 13, 13, 418, 2428, 29898, 2241, 15644, 29892, 1583, 467, 1649, 2344, 12035, 11802, 29892, 4847, 29918, 333, 29897, 13, 418, 1583, 3032, 22197, 353, 364, 29880, 29918, 1990, 29898, 1068, 6377, 9106, 29918, 333, 1115, 4847, 29918, 333, 29892, 3579, 19290, 1800, 13, 13, 418, 1583, 3032, 29888, 307, 2256, 353, 7700, 13, 418, 1583, 3032, 2096, 29918, 1990, 353, 364, 29880, 29918, 1990, 13, 418, 1583, 3032, 6272, 353, 8829, 13, 418, 1583, 3032, 26290, 353, 426, 13, 3986, 376, 3888, 29918, 3859, 1115, 518, 8516, 29962, 334, 1583, 29889, 11802, 29889, 1949, 29918, 1456, 414, 3285, 13, 3986, 376, 12018, 29918, 7387, 1115, 518, 8516, 29962, 334, 1583, 29889, 11802, 29889, 1949, 29918, 1456, 414, 580, 13, 418, 500, 13, 13, 1678, 822, 679, 29918, 2230, 29918, 10568, 29898, 1311, 1125, 13, 418, 931, 29918, 10568, 353, 1583, 3032, 6272, 29889, 657, 29918, 2230, 29918, 10568, 580, 13, 418, 736, 931, 29918, 10568, 13, 13, 1678, 822, 3158, 29918, 22795, 11614, 29898, 1311, 29892, 2106, 29892, 4847, 29918, 333, 29922, 8516, 1125, 13, 418, 3151, 29918, 9106, 353, 2106, 29889, 3784, 29918, 9106, 580, 565, 4847, 29918, 333, 338, 6213, 1683, 4847, 29918, 333, 13, 418, 11706, 29918, 7387, 353, 2106, 29889, 12018, 29918, 7387, 29898, 2764, 29918, 9106, 29897, 13, 13, 418, 4331, 29918, 1853, 353, 364, 29880, 29918, 20944, 29889, 14448, 1542, 29889, 4375, 1254, 565, 2106, 29889, 275, 29918, 8489, 979, 29898, 13, 418, 1723, 1683, 364, 29880, 29918, 20944, 29889, 14448, 1542, 29889, 29924, 1367, 13, 13, 418, 1583, 3032, 26290, 3366, 3784, 29918, 9106, 3108, 353, 3151, 29918, 9106, 13, 418, 1583, 3032, 26290, 3366, 3888, 29918, 3859, 3108, 29961, 2764, 29918, 9106, 29962, 353, 313, 13, 3986, 2106, 29889, 19678, 29918, 3859, 29918, 20158, 29898, 2764, 29918, 9106, 876, 13, 418, 1583, 3032, 26290, 3366, 12018, 29918, 7387, 3108, 29961, 2764, 29918, 9106, 29962, 353, 11706, 29918, 7387, 13, 13, 418, 396, 282, 2904, 524, 29901, 11262, 29922, 24681, 29899, 5943, 13, 418, 337, 2935, 353, 2106, 29889, 276, 2935, 580, 13, 418, 565, 337, 2935, 29901, 13, 4706, 931, 29918, 10568, 353, 364, 29880, 29918, 20944, 29889, 2481, 14448, 29898, 13, 9651, 13917, 29922, 1311, 3032, 26290, 29892, 337, 2935, 29922, 276, 2935, 29892, 13, 9651, 2313, 792, 29879, 29922, 1311, 3032, 6272, 3032, 2218, 2798, 29879, 29892, 4331, 29918, 1853, 29922, 10568, 29918, 1853, 29897, 13, 418, 1683, 29901, 13, 4706, 337, 2935, 353, 518, 29900, 29962, 334, 1583, 3032, 1949, 29918, 1456, 414, 13, 4706, 931, 29918, 10568, 353, 364, 29880, 29918, 20944, 29889, 2481, 14448, 29898, 13, 9651, 13917, 29922, 1311, 3032, 26290, 29892, 337, 2935, 29922, 276, 2935, 29892, 13, 9651, 2313, 792, 29879, 29922, 1311, 3032, 6272, 3032, 2218, 2798, 29879, 29892, 13, 9651, 4331, 29918, 1853, 29922, 2096, 29918, 20944, 29889, 14448, 1542, 29889, 3738, 29934, 1254, 29897, 13, 418, 396, 282, 2904, 524, 29901, 9025, 29922, 24681, 29899, 5943, 13, 13, 418, 282, 353, 1583, 3032, 22197, 29889, 10568, 29898, 2230, 29918, 10568, 29892, 338, 29918, 24219, 362, 29922, 5574, 467, 771, 5824, 13, 418, 2070, 29918, 8977, 353, 426, 2467, 29901, 282, 29961, 2467, 29962, 363, 3158, 297, 11706, 29918, 7387, 29913, 13, 418, 736, 2070, 29918, 8977, 13, 13, 1678, 822, 4331, 29898, 1311, 29892, 931, 29918, 10568, 29892, 338, 29918, 24219, 362, 29922, 8824, 1125, 13, 418, 396, 450, 903, 29888, 307, 2256, 5352, 3889, 10947, 278, 18177, 310, 278, 1857, 8898, 29889, 910, 13, 418, 396, 2779, 338, 14363, 491, 13858, 393, 591, 2337, 526, 6161, 1218, 746, 278, 13, 418, 396, 1857, 8898, 29915, 29879, 18177, 526, 14671, 2256, 29889, 1152, 901, 4902, 29892, 1074, 278, 3889, 911, 580, 13, 418, 396, 1158, 29889, 13, 418, 338, 29918, 24219, 362, 353, 313, 275, 29918, 24219, 362, 29897, 470, 313, 1311, 3032, 29888, 307, 2256, 29897, 13, 418, 736, 1583, 3032, 22197, 29889, 10568, 29898, 2230, 29918, 10568, 29892, 338, 29918, 24219, 362, 29897, 13, 13, 1678, 822, 3889, 911, 29898, 1311, 1125, 13, 418, 9995, 4013, 1158, 3889, 10947, 278, 8898, 29915, 29879, 18177, 29889, 13, 13, 418, 450, 7688, 3889, 19583, 2779, 338, 8762, 491, 5557, 292, 738, 6694, 304, 13, 418, 2125, 2058, 1549, 5717, 304, 278, 4331, 740, 29889, 450, 18177, 526, 5480, 13, 418, 451, 17583, 14671, 2256, 29892, 322, 443, 535, 794, 1848, 5717, 1122, 7135, 18177, 13, 418, 6694, 29889, 13, 13, 418, 450, 7688, 29899, 9021, 19583, 2779, 338, 7148, 4312, 297, 11323, 1672, 29892, 988, 599, 13, 418, 24833, 393, 9455, 29915, 29873, 1641, 16370, 491, 278, 17919, 1818, 367, 2294, 29889, 12362, 19583, 13, 418, 16370, 24833, 21905, 502, 451, 304, 1735, 920, 525, 10568, 29915, 471, 2000, 746, 13, 418, 4547, 3277, 1583, 29899, 1456, 313, 2059, 451, 6480, 525, 275, 29918, 24219, 362, 29915, 8679, 373, 278, 13, 418, 1857, 4847, 467, 13, 418, 9995, 13, 418, 1583, 3032, 29888, 307, 2256, 353, 5852, 13, 13, 1678, 822, 443, 9021, 911, 29898, 1311, 1125, 13, 418, 1583, 3032, 29888, 307, 2256, 353, 7700, 13, 13, 1678, 822, 338, 29918, 29888, 307, 2256, 29898, 1311, 1125, 13, 418, 736, 1583, 3032, 29888, 307, 2256, 13, 13, 1678, 822, 679, 29918, 705, 5861, 29898, 1311, 1125, 13, 418, 736, 1583, 3032, 22197, 29889, 657, 29918, 705, 5861, 580, 13, 13, 1678, 822, 3509, 29918, 2541, 29918, 1217, 895, 29898, 1311, 29892, 269, 2934, 29922, 29900, 29889, 29900, 1125, 13, 418, 13746, 29918, 3318, 353, 390, 29931, 15644, 17255, 1482, 12035, 2241, 15644, 29897, 13, 418, 2428, 29898, 2241, 15644, 29892, 13746, 29918, 3318, 467, 1649, 2344, 12035, 1311, 29889, 11802, 29892, 1583, 29889, 9106, 29918, 4841, 29897, 13, 418, 731, 5552, 29898, 9708, 1000, 29918, 3318, 29892, 11119, 2096, 29918, 1990, 613, 1583, 3032, 2096, 29918, 1990, 29897, 13, 418, 731, 5552, 29898, 9708, 1000, 29918, 3318, 29892, 11119, 26290, 613, 1583, 3032, 26290, 29897, 13, 418, 731, 5552, 29898, 9708, 1000, 29918, 3318, 29892, 11119, 22197, 613, 13, 795, 1583, 3032, 22197, 29889, 8552, 29918, 2541, 29918, 1217, 895, 29898, 3754, 29922, 3754, 876, 13, 418, 731, 5552, 29898, 9708, 1000, 29918, 3318, 29892, 11119, 6272, 613, 1583, 3032, 6272, 29897, 13, 418, 13746, 29918, 3318, 29889, 348, 9021, 911, 580, 13, 13, 418, 736, 13746, 29918, 3318, 13, 13, 29871, 736, 390, 29931, 15644, 13, 13, 13, 29937, 3251, 1218, 8898, 4413, 363, 25219, 19295, 993, 322, 360, 29984, 29940, 13, 29937, 282, 2904, 524, 29901, 11262, 29922, 20965, 29899, 978, 13, 16903, 15644, 353, 364, 29880, 29918, 22197, 29918, 14399, 29898, 22197, 29918, 24970, 29889, 15644, 25584, 993, 29897, 13, 29928, 29984, 29940, 15644, 353, 364, 29880, 29918, 22197, 29918, 14399, 29898, 29881, 29939, 29876, 29889, 29928, 29984, 29940, 29897, 13, 29937, 282, 2904, 524, 29901, 9025, 29922, 20965, 29899, 978, 13, 2 ]
optimetry/zoo/ggt.py
optimetry/optimetry
2
119856
<reponame>optimetry/optimetry<filename>optimetry/zoo/ggt.py """GGT optimizer: an efficient full-matrix adaptive gradient method. """ import math import torch class GGT(torch.optim.Optimizer): """GGT full-matrix adaptive optimizer. Uses GPU-friendly operations for applying pseudoinverse powers of a low-rank Gram matrix. By default, this implementation matches AdaGrad/RMSprop in its other features; Adam is possible, but beware the beta2 hyperparameter. Paper: <NAME>, <NAME>, <NAME>, <NAME>, <NAME>, <NAME>, <NAME>. Efficient Full-Matrix Adaptive Regularization. https://arxiv.org/abs/1806.02958 Arguments: params (iterable): iterable of parameters to optimize or dicts defining parameter groups lr (float, optional): global lr multiplier (default: 1e-3) window_size (int, optional): length of history (default: 100) betas (Tuple[float, float], optional): coefficients used for computing running averages of gradient and its square (default: (0.9, 0.999)) eps (float, optional): truncation threshold for SVD (default: 1e-4) weight_decay (float, optional): weight decay (L2 penalty) (default: 0) adam_scale (bool, optional): use Adam scaling rule and bias correction (default: True) """ # pylint: disable-msg=too-many-arguments def __init__(self, params, lr=1e-3, window_size=100, betas=(0.9, 1.), eps=1e-4, weight_decay=0, adam_scale=False, decouple_weight_decay=False): defaults = dict(lr=lr, window_size=window_size, betas=betas, eps=eps, weight_decay=weight_decay, adam_scale=adam_scale, decouple_weight_decay=decouple_weight_decay) super(GGT, self).__init__(params, defaults) @torch.no_grad() def step(self, closure=None): """Performs a single optimization step. Arguments: closure (callable, optional): A closure that reevaluates the model and returns the loss. """ loss = None if closure is not None: with torch.enable_grad(): loss = closure() for group in self.param_groups: for p in group['params']: state = self.state[p] if len(state) == 0: # initialize state state['step'] = 0 state['m1'] = torch.zeros_like(p, memory_format=torch.preserve_format) state['Gt'] = torch.zeros([group['window_size'], p.numel()], dtype=p.dtype, device=p.device) state['GtG'] = torch.zeros([group['window_size'], group['window_size']], dtype=p.dtype, device=p.device) beta1, beta2 = group['betas'] adam_scale = group['adam_scale'] t, w = state['step'], group['window_size'] weight_decay = group['weight_decay'] lr = group['lr'] Gt, GtG = state['Gt'], state['GtG'] m1 = state['m1'] if weight_decay != 0: if group['decouple_weight_decay']: p.mul_(1 - lr*weight_decay) else: p.grad.add_(p, alpha=weight_decay) m1 *= beta1 if adam_scale: m1.add_(p.grad, alpha=1-beta1) else: m1.add_(p.grad) # overwrite oldest grad in window buffer idx = t % w Gt[idx, :].copy_(p.grad.view(-1)) # update new row and column of small Gram matrix row = Gt @ p.grad if adam_scale: row *= 1 - beta2 GtG *= beta2 GtG[idx, :] = GtG[:, idx] = row # get eigendecomposition of small Gram matrix eigs, V = torch.symeig(GtG, eigenvectors=True) precond_eigs = torch.where(eigs >= group['eps'], eigs.pow(-1.5), torch.zeros_like(eigs)) # update by GGT-trick-preconditioned step precond_grad = Gt.t() @ (V @ (precond_eigs[:, None] * V.t() @ (Gt @ m1))) p.sub_(precond_grad, alpha=lr * math.sqrt(1 - beta2**(t+1)) / (1 - beta1**(t+1)) if adam_scale else lr) state['step'] += 1 return loss
[ 1, 529, 276, 1112, 420, 29958, 3670, 17528, 719, 29914, 3670, 17528, 719, 29966, 9507, 29958, 3670, 17528, 719, 29914, 2502, 29877, 29914, 1505, 29873, 29889, 2272, 13, 15945, 29908, 29954, 23799, 5994, 3950, 29901, 385, 8543, 2989, 29899, 5344, 7744, 573, 16030, 1158, 29889, 13, 15945, 29908, 13, 13, 5215, 5844, 13, 5215, 4842, 305, 13, 13, 1990, 402, 23799, 29898, 7345, 305, 29889, 20640, 29889, 20624, 326, 3950, 1125, 13, 1678, 9995, 29954, 23799, 2989, 29899, 5344, 7744, 573, 5994, 3950, 29889, 10783, 267, 22796, 29899, 18326, 368, 6931, 13, 1678, 363, 15399, 17381, 262, 3901, 10801, 310, 263, 4482, 29899, 10003, 16878, 4636, 29889, 2648, 13, 1678, 2322, 29892, 445, 5314, 7087, 23255, 25584, 29914, 29934, 4345, 7728, 297, 967, 916, 13, 1678, 5680, 29936, 11783, 338, 1950, 29892, 541, 367, 2519, 278, 21762, 29906, 11266, 15501, 29889, 13, 13, 1678, 349, 7202, 29901, 529, 5813, 10202, 529, 5813, 10202, 529, 5813, 10202, 529, 5813, 10202, 13, 965, 529, 5813, 10202, 529, 5813, 10202, 529, 5813, 15513, 13, 965, 382, 4543, 14846, 29899, 14609, 23255, 415, 573, 2169, 1070, 2133, 29889, 13, 965, 2045, 597, 279, 26560, 29889, 990, 29914, 6897, 29914, 29896, 29947, 29900, 29953, 29889, 29900, 29906, 29929, 29945, 29947, 13, 13, 1678, 11842, 9331, 29901, 13, 4706, 8636, 313, 1524, 519, 1125, 4256, 519, 310, 4128, 304, 24656, 470, 9657, 29879, 13, 9651, 16184, 3443, 6471, 13, 4706, 301, 29878, 313, 7411, 29892, 13136, 1125, 5534, 301, 29878, 6674, 4926, 313, 4381, 29901, 29871, 29896, 29872, 29899, 29941, 29897, 13, 4706, 3474, 29918, 2311, 313, 524, 29892, 13136, 1125, 3309, 310, 4955, 313, 4381, 29901, 29871, 29896, 29900, 29900, 29897, 13, 4706, 1010, 294, 313, 23215, 552, 29961, 7411, 29892, 5785, 1402, 13136, 1125, 16127, 1304, 363, 13, 9651, 20602, 2734, 4759, 1179, 310, 16030, 322, 967, 6862, 13, 9651, 313, 4381, 29901, 313, 29900, 29889, 29929, 29892, 29871, 29900, 29889, 29929, 29929, 29929, 876, 13, 4706, 321, 567, 313, 7411, 29892, 13136, 1125, 21022, 362, 16897, 363, 317, 10699, 13, 9651, 313, 4381, 29901, 29871, 29896, 29872, 29899, 29946, 29897, 13, 4706, 7688, 29918, 7099, 388, 313, 7411, 29892, 13136, 1125, 7688, 20228, 313, 29931, 29906, 27368, 29897, 13, 9651, 313, 4381, 29901, 29871, 29900, 29897, 13, 4706, 594, 314, 29918, 7052, 313, 11227, 29892, 13136, 1125, 671, 11783, 21640, 5751, 322, 24003, 13, 9651, 26385, 313, 4381, 29901, 5852, 29897, 13, 1678, 9995, 13, 13, 1678, 396, 282, 2904, 524, 29901, 11262, 29899, 7645, 29922, 517, 29877, 29899, 13011, 29899, 25699, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 8636, 29892, 301, 29878, 29922, 29896, 29872, 29899, 29941, 29892, 3474, 29918, 2311, 29922, 29896, 29900, 29900, 29892, 1010, 294, 7607, 29900, 29889, 29929, 29892, 29871, 29896, 9774, 321, 567, 29922, 29896, 29872, 29899, 29946, 29892, 13, 462, 7688, 29918, 7099, 388, 29922, 29900, 29892, 594, 314, 29918, 7052, 29922, 8824, 29892, 1602, 283, 552, 29918, 7915, 29918, 7099, 388, 29922, 8824, 1125, 13, 13, 4706, 21274, 353, 9657, 29898, 29212, 29922, 29212, 29892, 3474, 29918, 2311, 29922, 7165, 29918, 2311, 29892, 1010, 294, 29922, 6878, 294, 29892, 321, 567, 29922, 8961, 29892, 13, 462, 4706, 7688, 29918, 7099, 388, 29922, 7915, 29918, 7099, 388, 29892, 594, 314, 29918, 7052, 29922, 328, 314, 29918, 7052, 29892, 13, 462, 4706, 1602, 283, 552, 29918, 7915, 29918, 7099, 388, 29922, 7099, 283, 552, 29918, 7915, 29918, 7099, 388, 29897, 13, 13, 4706, 2428, 29898, 29954, 23799, 29892, 1583, 467, 1649, 2344, 12035, 7529, 29892, 21274, 29897, 13, 13, 1678, 732, 7345, 305, 29889, 1217, 29918, 5105, 580, 13, 1678, 822, 4331, 29898, 1311, 29892, 18424, 29922, 8516, 1125, 13, 4706, 9995, 5894, 9514, 263, 2323, 13883, 4331, 29889, 13, 13, 4706, 11842, 9331, 29901, 13, 9651, 18424, 313, 4804, 519, 29892, 13136, 1125, 319, 18424, 393, 337, 24219, 1078, 278, 1904, 13, 18884, 322, 3639, 278, 6410, 29889, 13, 4706, 9995, 13, 4706, 6410, 353, 6213, 13, 4706, 565, 18424, 338, 451, 6213, 29901, 13, 9651, 411, 4842, 305, 29889, 12007, 29918, 5105, 7295, 13, 18884, 6410, 353, 18424, 580, 13, 13, 4706, 363, 2318, 297, 1583, 29889, 3207, 29918, 13155, 29901, 13, 9651, 363, 282, 297, 2318, 1839, 7529, 2033, 29901, 13, 18884, 2106, 353, 1583, 29889, 3859, 29961, 29886, 29962, 13, 18884, 565, 7431, 29898, 3859, 29897, 1275, 29871, 29900, 29901, 13, 462, 1678, 396, 11905, 2106, 13, 462, 1678, 2106, 1839, 10568, 2033, 353, 29871, 29900, 13, 462, 1678, 2106, 1839, 29885, 29896, 2033, 353, 4842, 305, 29889, 3298, 359, 29918, 4561, 29898, 29886, 29892, 3370, 29918, 4830, 29922, 7345, 305, 29889, 4569, 7143, 29918, 4830, 29897, 13, 462, 1678, 2106, 1839, 29954, 29873, 2033, 353, 4842, 305, 29889, 3298, 359, 4197, 2972, 1839, 7165, 29918, 2311, 7464, 282, 29889, 1949, 295, 580, 1402, 13, 462, 462, 795, 26688, 29922, 29886, 29889, 29881, 1853, 29892, 4742, 29922, 29886, 29889, 10141, 29897, 13, 462, 1678, 2106, 1839, 29954, 29873, 29954, 2033, 353, 4842, 305, 29889, 3298, 359, 4197, 2972, 1839, 7165, 29918, 2311, 7464, 2318, 1839, 7165, 29918, 2311, 2033, 1402, 13, 462, 462, 1669, 26688, 29922, 29886, 29889, 29881, 1853, 29892, 4742, 29922, 29886, 29889, 10141, 29897, 13, 13, 18884, 21762, 29896, 29892, 21762, 29906, 353, 2318, 1839, 6878, 294, 2033, 13, 18884, 594, 314, 29918, 7052, 353, 2318, 1839, 328, 314, 29918, 7052, 2033, 13, 18884, 260, 29892, 281, 353, 2106, 1839, 10568, 7464, 2318, 1839, 7165, 29918, 2311, 2033, 13, 18884, 7688, 29918, 7099, 388, 353, 2318, 1839, 7915, 29918, 7099, 388, 2033, 13, 18884, 301, 29878, 353, 2318, 1839, 29212, 2033, 13, 13, 18884, 402, 29873, 29892, 402, 29873, 29954, 353, 2106, 1839, 29954, 29873, 7464, 2106, 1839, 29954, 29873, 29954, 2033, 13, 18884, 286, 29896, 353, 2106, 1839, 29885, 29896, 2033, 13, 13, 18884, 565, 7688, 29918, 7099, 388, 2804, 29871, 29900, 29901, 13, 462, 1678, 565, 2318, 1839, 7099, 283, 552, 29918, 7915, 29918, 7099, 388, 2033, 29901, 13, 462, 4706, 282, 29889, 16109, 23538, 29896, 448, 301, 29878, 29930, 7915, 29918, 7099, 388, 29897, 13, 462, 1678, 1683, 29901, 13, 462, 4706, 282, 29889, 5105, 29889, 1202, 23538, 29886, 29892, 15595, 29922, 7915, 29918, 7099, 388, 29897, 13, 13, 18884, 286, 29896, 334, 29922, 21762, 29896, 13, 18884, 565, 594, 314, 29918, 7052, 29901, 13, 462, 1678, 286, 29896, 29889, 1202, 23538, 29886, 29889, 5105, 29892, 15595, 29922, 29896, 29899, 3571, 29896, 29897, 13, 18884, 1683, 29901, 13, 462, 1678, 286, 29896, 29889, 1202, 23538, 29886, 29889, 5105, 29897, 13, 13, 18884, 396, 26556, 23947, 4656, 297, 3474, 6835, 13, 18884, 22645, 353, 260, 1273, 281, 13, 18884, 402, 29873, 29961, 13140, 29892, 584, 1822, 8552, 23538, 29886, 29889, 5105, 29889, 1493, 6278, 29896, 876, 13, 13, 18884, 396, 2767, 716, 1948, 322, 1897, 310, 2319, 16878, 4636, 13, 18884, 1948, 353, 402, 29873, 732, 282, 29889, 5105, 13, 18884, 565, 594, 314, 29918, 7052, 29901, 13, 462, 1678, 1948, 334, 29922, 29871, 29896, 448, 21762, 29906, 13, 18884, 402, 29873, 29954, 334, 29922, 21762, 29906, 13, 18884, 402, 29873, 29954, 29961, 13140, 29892, 584, 29962, 353, 402, 29873, 29954, 7503, 29892, 22645, 29962, 353, 1948, 13, 13, 18884, 396, 679, 7388, 311, 510, 3283, 310, 2319, 16878, 4636, 13, 18884, 15761, 29879, 29892, 478, 353, 4842, 305, 29889, 11967, 29872, 335, 29898, 29954, 29873, 29954, 29892, 7388, 345, 14359, 29922, 5574, 29897, 13, 18884, 758, 1116, 29918, 29872, 23379, 353, 4842, 305, 29889, 3062, 29898, 29872, 23379, 6736, 2318, 1839, 8961, 7464, 13, 462, 462, 965, 15761, 29879, 29889, 12248, 6278, 29896, 29889, 29945, 511, 4842, 305, 29889, 3298, 359, 29918, 4561, 29898, 29872, 23379, 876, 13, 13, 18884, 396, 2767, 491, 402, 23799, 29899, 509, 860, 29899, 1457, 16122, 287, 4331, 13, 18884, 758, 1116, 29918, 5105, 353, 402, 29873, 29889, 29873, 580, 732, 313, 29963, 732, 313, 1457, 1116, 29918, 29872, 23379, 7503, 29892, 6213, 29962, 334, 478, 29889, 29873, 580, 732, 313, 29954, 29873, 732, 286, 29896, 4961, 13, 18884, 282, 29889, 1491, 23538, 1457, 1116, 29918, 5105, 29892, 13, 462, 539, 15595, 29922, 29212, 334, 5844, 29889, 3676, 29898, 29896, 448, 21762, 29906, 1068, 29898, 29873, 29974, 29896, 876, 847, 313, 29896, 448, 21762, 29896, 1068, 29898, 29873, 29974, 29896, 876, 13, 462, 539, 565, 594, 314, 29918, 7052, 1683, 301, 29878, 29897, 13, 13, 18884, 2106, 1839, 10568, 2033, 4619, 29871, 29896, 13, 13, 4706, 736, 6410, 13, 2 ]
client/data/email_builder.py
jurandirjdsilva/pycryptomail
1
141702
<reponame>jurandirjdsilva/pycryptomail<filename>client/data/email_builder.py class EmailBuilder: def __init__(self): self.message = {} def set_from_email(self, email): self.message['from'] = email return self def set_receiver_email(self, email): self.message['receiver'] = email def set_cc_emails(self, emails): self.message['cc'] = emails return self def set_attachaments(self, attachments): self.message['attachments'] = attachments return self def set_subject(self, subject): self.message['subject'] = subject return self def set_msg(self, message): self.message['message'] = message return self def set_priority(self, priority): self.message['priority'] = priority return self def build(self): return self.message
[ 1, 529, 276, 1112, 420, 29958, 29926, 332, 392, 381, 29926, 6289, 309, 1564, 29914, 2272, 29883, 4641, 290, 737, 29966, 9507, 29958, 4645, 29914, 1272, 29914, 5269, 29918, 16409, 29889, 2272, 13, 1990, 22608, 5627, 29901, 13, 1678, 822, 4770, 2344, 12035, 1311, 1125, 13, 4706, 1583, 29889, 4906, 353, 6571, 13, 13, 1678, 822, 731, 29918, 3166, 29918, 5269, 29898, 1311, 29892, 4876, 1125, 13, 4706, 1583, 29889, 4906, 1839, 3166, 2033, 353, 4876, 13, 4706, 736, 1583, 13, 13, 1678, 822, 731, 29918, 13556, 2147, 29918, 5269, 29898, 1311, 29892, 4876, 1125, 13, 4706, 1583, 29889, 4906, 1839, 13556, 2147, 2033, 353, 4876, 13, 13, 1678, 822, 731, 29918, 617, 29918, 331, 2234, 29898, 1311, 29892, 24609, 1125, 13, 4706, 1583, 29889, 4906, 1839, 617, 2033, 353, 24609, 13, 4706, 736, 1583, 13, 13, 1678, 822, 731, 29918, 14930, 20060, 29898, 1311, 29892, 10641, 1860, 1125, 13, 4706, 1583, 29889, 4906, 1839, 14930, 1860, 2033, 353, 10641, 1860, 13, 4706, 736, 1583, 13, 13, 1678, 822, 731, 29918, 16009, 29898, 1311, 29892, 4967, 1125, 13, 4706, 1583, 29889, 4906, 1839, 16009, 2033, 353, 4967, 13, 4706, 736, 1583, 13, 13, 1678, 822, 731, 29918, 7645, 29898, 1311, 29892, 2643, 1125, 13, 4706, 1583, 29889, 4906, 1839, 4906, 2033, 353, 2643, 13, 4706, 736, 1583, 13, 13, 1678, 822, 731, 29918, 29886, 21766, 29898, 1311, 29892, 20136, 1125, 13, 4706, 1583, 29889, 4906, 1839, 29886, 21766, 2033, 353, 20136, 13, 4706, 736, 1583, 13, 13, 1678, 822, 2048, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 4906, 13, 2 ]
hmmlearn/tests/test_hmm.py
paschalidoud/hmmlearn
0
133809
from __future__ import print_function from unittest import TestCase import numpy as np from nose import SkipTest from numpy.testing import assert_array_equal, assert_array_almost_equal from sklearn.datasets.samples_generator import make_spd_matrix from sklearn.mixture import GMM from sklearn.utils import check_random_state from hmmlearn import hmm from hmmlearn.utils import normalize, assert_raises np.seterr(all='warn') def fit_hmm_and_monitor_log_likelihood(h, X, lengths=None, n_iter=1): h.n_iter = 1 # make sure we do a single iteration at a time h.init_params = '' # and don't re-init params loglikelihoods = np.empty(n_iter, dtype=float) for i in range(n_iter): h.fit(X, lengths=lengths) loglikelihoods[i] = h.score(X, lengths=lengths) return loglikelihoods class GaussianHMMTestMixin(object): covariance_type = None # set by subclasses def setUp(self): self.prng = prng = np.random.RandomState(10) self.n_components = n_components = 3 self.n_features = n_features = 3 self.startprob = prng.rand(n_components) self.startprob = self.startprob / self.startprob.sum() self.transmat = prng.rand(n_components, n_components) self.transmat /= np.tile(self.transmat.sum(axis=1)[:, np.newaxis], (1, n_components)) self.means = prng.randint(-20, 20, (n_components, n_features)) self.covars = { 'spherical': (1.0 + 2 * np.dot(prng.rand(n_components, 1), np.ones((1, n_features)))) ** 2, 'tied': (make_spd_matrix(n_features, random_state=0) + np.eye(n_features)), 'diag': (1.0 + 2 * prng.rand(n_components, n_features)) ** 2, 'full': np.array([make_spd_matrix(n_features, random_state=0) + np.eye(n_features) for x in range(n_components)]), } self.expanded_covars = { 'spherical': [np.eye(n_features) * cov for cov in self.covars['spherical']], 'diag': [np.diag(cov) for cov in self.covars['diag']], 'tied': [self.covars['tied']] * n_components, 'full': self.covars['full'], } def test_bad_covariance_type(self): with assert_raises(ValueError): h = hmm.GaussianHMM(20, covariance_type='badcovariance_type') h.means_ = self.means h.covars_ = [] h.startprob_ = self.startprob h.transmat_ = self.transmat h._check() def test_score_samples_and_decode(self): h = hmm.GaussianHMM(self.n_components, self.covariance_type) h.means_ = self.means h.covars_ = self.covars[self.covariance_type] # Make sure the means are far apart so posteriors.argmax() # picks the actual component used to generate the observations. h.means_ = 20 * h.means_ gaussidx = np.repeat(np.arange(self.n_components), 5) n_samples = len(gaussidx) X = self.prng.randn(n_samples, self.n_features) + h.means_[gaussidx] h._init(X, params="st") ll, posteriors = h.score_samples(X) self.assertEqual(posteriors.shape, (n_samples, self.n_components)) assert_array_almost_equal(posteriors.sum(axis=1), np.ones(n_samples)) viterbi_ll, stateseq = h.decode(X) assert_array_equal(stateseq, gaussidx) def test_sample(self, n=1000): h = hmm.GaussianHMM(self.n_components, self.covariance_type) h.startprob_ = self.startprob h.transmat_ = self.transmat # Make sure the means are far apart so posteriors.argmax() # picks the actual component used to generate the observations. h.means_ = 20 * self.means h.covars_ = np.maximum(self.covars[self.covariance_type], 0.1) X, state_sequence = h.sample(n, random_state=self.prng) self.assertEqual(X.shape, (n, self.n_features)) self.assertEqual(len(state_sequence), n) def test_fit(self, params='stmc', n_iter=5, **kwargs): h = hmm.GaussianHMM(self.n_components, self.covariance_type) h.startprob_ = self.startprob h.transmat_ = normalize( self.transmat + np.diag(self.prng.rand(self.n_components)), 1) h.means_ = 20 * self.means h.covars_ = self.covars[self.covariance_type] lengths = [10] * 10 X, _state_sequence = h.sample(sum(lengths), random_state=self.prng) # Mess up the parameters and see if we can re-learn them. h.n_iter = 0 h.fit(X, lengths=lengths) trainll = fit_hmm_and_monitor_log_likelihood( h, X, lengths=lengths, n_iter=n_iter) # Check that the log-likelihood is always increasing during training. diff = np.diff(trainll) message = ("Decreasing log-likelihood for {0} covariance: {1}" .format(self.covariance_type, diff)) self.assertTrue(np.all(diff >= -1e-6), message) def test_fit_works_on_sequences_of_different_length(self): lengths = [3, 4, 5] X = self.prng.rand(sum(lengths), self.n_features) h = hmm.GaussianHMM(self.n_components, self.covariance_type) # This shouldn't raise # ValueError: setting an array element with a sequence. h.fit(X, lengths=lengths) def test_fit_with_length_one_signal(self): lengths = [10, 8, 1] X = self.prng.rand(sum(lengths), self.n_features) h = hmm.GaussianHMM(self.n_components, self.covariance_type) # This shouldn't raise # ValueError: zero-size array to reduction operation maximum which # has no identity h.fit(X, lengths=lengths) def test_fit_with_priors(self, params='stmc', n_iter=5): startprob_prior = 10 * self.startprob + 2.0 transmat_prior = 10 * self.transmat + 2.0 means_prior = self.means means_weight = 2.0 covars_weight = 2.0 if self.covariance_type in ('full', 'tied'): covars_weight += self.n_features covars_prior = self.covars[self.covariance_type] h = hmm.GaussianHMM(self.n_components, self.covariance_type) h.startprob_ = self.startprob h.startprob_prior = startprob_prior h.transmat_ = normalize( self.transmat + np.diag(self.prng.rand(self.n_components)), 1) h.transmat_prior = transmat_prior h.means_ = 20 * self.means h.means_prior = means_prior h.means_weight = means_weight h.covars_ = self.covars[self.covariance_type] h.covars_prior = covars_prior h.covars_weight = covars_weight lengths = [100] * 10 X, _state_sequence = h.sample(sum(lengths), random_state=self.prng) # Re-initialize the parameters and check that we can converge to the # original parameter values. h_learn = hmm.GaussianHMM(self.n_components, self.covariance_type, params=params) h_learn.n_iter = 0 h_learn.fit(X, lengths=lengths) fit_hmm_and_monitor_log_likelihood( h_learn, X, lengths=lengths, n_iter=n_iter) # Make sure we've converged to the right parameters. # a) means self.assertTrue(np.allclose(sorted(h.means_.tolist()), sorted(h_learn.means_.tolist()), 0.01)) # b) covars are hard to estimate precisely from a relatively small # sample, thus the large threshold self.assertTrue(np.allclose(sorted(h._covars_.tolist()), sorted(h_learn._covars_.tolist()), 10)) def test_fit_non_ergodic_transmat(self): h = hmm.GaussianHMM(n_components=5, covariance_type='full', n_iter=100, init_params='st') h.startprob_ = np.array([1, 0, 0, 0, 0]) h.transmat_ = np.array([[0.9, 0.1, 0, 0, 0], [0, 0.9, 0.1, 0, 0], [0, 0, 0.9, 0.1, 0], [0, 0, 0, 0.9, 0.1], [0, 0, 0, 0, 1.0]]) h.means_ = np.zeros((5, 10)) h.covars_ = np.tile(np.identity(10), (5, 1, 1)) lengths = [10] * 10 X, _state_sequence = h.sample(sum(lengths), random_state=self.prng) h.fit(X, lengths=lengths) # TODO: write the actual test class TestGaussianHMMWithSphericalCovars(GaussianHMMTestMixin, TestCase): covariance_type = 'spherical' def test_fit_startprob_and_transmat(self): self.test_fit('st') class TestGaussianHMMWithDiagonalCovars(GaussianHMMTestMixin, TestCase): covariance_type = 'diag' def test_covar_is_writeable(self): h = hmm.GaussianHMM(n_components=1, covariance_type='diag') X = np.random.normal(size=(1000, 5)) h._init(X, params="c") # np.diag returns a read-only view of the array in NumPy 1.9.X. # Make sure this doesn't prevent us from fitting an HMM with # diagonal covariance matrix. See PR#44 on GitHub for details # and discussion. assert h._covars_.flags["WRITEABLE"] class TestGaussianHMMWithTiedCovars(GaussianHMMTestMixin, TestCase): covariance_type = 'tied' class TestGaussianHMMWithFullCovars(GaussianHMMTestMixin, TestCase): covariance_type = 'full' class MultinomialHMMTestCase(TestCase): """Using examples from Wikipedia - http://en.wikipedia.org/wiki/Hidden_Markov_model - http://en.wikipedia.org/wiki/Viterbi_algorithm """ def setUp(self): self.prng = np.random.RandomState(9) self.n_components = 2 # ('Rainy', 'Sunny') self.n_features = 3 # ('walk', 'shop', 'clean') self.emissionprob = np.array([[0.1, 0.4, 0.5], [0.6, 0.3, 0.1]]) self.startprob = np.array([0.6, 0.4]) self.transmat = np.array([[0.7, 0.3], [0.4, 0.6]]) self.h = hmm.MultinomialHMM(self.n_components) self.h.startprob_ = self.startprob self.h.transmat_ = self.transmat self.h.emissionprob_ = self.emissionprob def test_set_emissionprob(self): h = hmm.MultinomialHMM(self.n_components) emissionprob = np.array([[0.8, 0.2, 0.0], [0.7, 0.2, 1.0]]) h.emissionprob = emissionprob assert np.allclose(emissionprob, h.emissionprob) def test_wikipedia_viterbi_example(self): # From http://en.wikipedia.org/wiki/Viterbi_algorithm: # "This reveals that the observations ['walk', 'shop', 'clean'] # were most likely generated by states ['Sunny', 'Rainy', # 'Rainy'], with probability 0.01344." X = [[0], [1], [2]] logprob, state_sequence = self.h.decode(X) self.assertAlmostEqual(np.exp(logprob), 0.01344) assert_array_equal(state_sequence, [1, 0, 0]) def test_decode_map_algorithm(self): X = [[0], [1], [2]] h = hmm.MultinomialHMM(self.n_components, algorithm="map") h.startprob_ = self.startprob h.transmat_ = self.transmat h.emissionprob_ = self.emissionprob _logprob, state_sequence = h.decode(X) assert_array_equal(state_sequence, [1, 0, 0]) def test_predict(self): X = [[0], [1], [2]] state_sequence = self.h.predict(X) posteriors = self.h.predict_proba(X) assert_array_equal(state_sequence, [1, 0, 0]) assert_array_almost_equal(posteriors, [ [0.23170303, 0.76829697], [0.62406281, 0.37593719], [0.86397706, 0.13602294], ]) def test_attributes(self): h = hmm.MultinomialHMM(self.n_components) self.assertEqual(h.n_components, self.n_components) h.startprob_ = self.startprob h.transmat_ = self.transmat h.emissionprob_ = self.emissionprob assert_array_almost_equal(h.emissionprob_, self.emissionprob) with assert_raises(ValueError): h.emissionprob_ = [] h._check() with assert_raises(ValueError): h.emissionprob_ = np.zeros((self.n_components - 2, self.n_features)) h._check() def test_score_samples(self): idx = np.repeat(np.arange(self.n_components), 10) n_samples = len(idx) X = np.atleast_2d( (self.prng.rand(n_samples) * self.n_features).astype(int)).T ll, posteriors = self.h.score_samples(X) self.assertEqual(posteriors.shape, (n_samples, self.n_components)) assert_array_almost_equal(posteriors.sum(axis=1), np.ones(n_samples)) def test_sample(self, n=1000): X, state_sequence = self.h.sample(n, random_state=self.prng) self.assertEqual(X.ndim, 2) self.assertEqual(len(X), n) self.assertEqual(len(state_sequence), n) self.assertEqual(len(np.unique(X)), self.n_features) def test_fit(self, params='ste', n_iter=5, **kwargs): h = self.h h.params = params lengths = np.array([10] * 10) X, _state_sequence = h.sample(lengths.sum(), random_state=self.prng) # Mess up the parameters and see if we can re-learn them. h.startprob_ = normalize(self.prng.rand(self.n_components)) h.transmat_ = normalize(self.prng.rand(self.n_components, self.n_components), axis=1) h.emissionprob_ = normalize( self.prng.rand(self.n_components, self.n_features), axis=1) trainll = fit_hmm_and_monitor_log_likelihood( h, X, lengths=lengths, n_iter=n_iter) # Check that the log-likelihood is always increasing during training. diff = np.diff(trainll) self.assertTrue(np.all(diff >= -1e-6), "Decreasing log-likelihood: {0}" .format(diff)) def test_fit_emissionprob(self): self.test_fit('e') def test_fit_with_init(self, params='ste', n_iter=5, verbose=False, **kwargs): h = self.h learner = hmm.MultinomialHMM(self.n_components) lengths = [10] * 10 X, _state_sequence = h.sample(sum(lengths), random_state=self.prng) # use init_function to initialize paramerters learner._init(X, lengths=lengths, params=params) trainll = fit_hmm_and_monitor_log_likelihood(learner, X, n_iter=n_iter) # Check that the loglik is always increasing during training if not np.all(np.diff(trainll) > 0) and verbose: print() print('Test train: (%s)\n %s\n %s' % (params, trainll, np.diff(trainll))) self.assertTrue(np.all(np.diff(trainll) > -1.e-3)) def test__check_input_symbols(self): self.assertTrue(self.h._check_input_symbols([[0, 0, 2, 1, 3, 1, 1]])) self.assertFalse(self.h._check_input_symbols([[0, 0, 3, 5, 10]])) self.assertFalse(self.h._check_input_symbols([[0]])) self.assertFalse(self.h._check_input_symbols([[0., 2., 1., 3.]])) self.assertFalse(self.h._check_input_symbols([[0, 0, -2, 1, 3, 1, 1]])) def create_random_gmm(n_mix, n_features, covariance_type, prng=0): prng = check_random_state(prng) g = GMM(n_mix, covariance_type=covariance_type) g.means_ = prng.randint(-20, 20, (n_mix, n_features)) mincv = 0.1 g.covars_ = { 'spherical': (mincv + mincv * np.dot(prng.rand(n_mix, 1), np.ones((1, n_features)))) ** 2, 'tied': (make_spd_matrix(n_features, random_state=prng) + mincv * np.eye(n_features)), 'diag': (mincv + mincv * prng.rand(n_mix, n_features)) ** 2, 'full': np.array( [make_spd_matrix(n_features, random_state=prng) + mincv * np.eye(n_features) for x in range(n_mix)]) }[covariance_type] g.weights_ = normalize(prng.rand(n_mix)) return g class GMMHMMTestMixin(object): def setUp(self): self.prng = np.random.RandomState(9) self.n_components = 3 self.n_mix = 2 self.n_features = 2 self.covariance_type = 'diag' self.startprob = self.prng.rand(self.n_components) self.startprob = self.startprob / self.startprob.sum() self.transmat = self.prng.rand(self.n_components, self.n_components) self.transmat /= np.tile(self.transmat.sum(axis=1)[:, np.newaxis], (1, self.n_components)) self.gmms = [] for state in range(self.n_components): self.gmms.append(create_random_gmm( self.n_mix, self.n_features, self.covariance_type, prng=self.prng)) def test_score_samples_and_decode(self): h = hmm.GMMHMM(self.n_components) h.startprob_ = self.startprob h.transmat_ = self.transmat h.gmms_ = self.gmms # Make sure the means are far apart so posteriors.argmax() # picks the actual component used to generate the observations. for g in h.gmms_: g.means_ *= 20 refstateseq = np.repeat(np.arange(self.n_components), 5) n_samples = len(refstateseq) X = [h.gmms_[x].sample(1, random_state=self.prng).flatten() for x in refstateseq] _ll, posteriors = h.score_samples(X) self.assertEqual(posteriors.shape, (n_samples, self.n_components)) assert_array_almost_equal(posteriors.sum(axis=1), np.ones(n_samples)) _logprob, stateseq = h.decode(X) assert_array_equal(stateseq, refstateseq) def test_sample(self, n=1000): h = hmm.GMMHMM(self.n_components, covariance_type=self.covariance_type) h.startprob_ = self.startprob h.transmat_ = self.transmat h.gmms_ = self.gmms X, state_sequence = h.sample(n, random_state=self.prng) self.assertEqual(X.shape, (n, self.n_features)) self.assertEqual(len(state_sequence), n) def test_fit(self, params='stmwc', n_iter=5, verbose=False, **kwargs): h = hmm.GMMHMM(self.n_components, covars_prior=1.0) h.startprob_ = self.startprob h.transmat_ = normalize( self.transmat + np.diag(self.prng.rand(self.n_components)), 1) h.gmms_ = self.gmms lengths = [10] * 10 X, _state_sequence = h.sample(sum(lengths), random_state=self.prng) # Mess up the parameters and see if we can re-learn them. h.n_iter = 0 h.fit(X, lengths=lengths) h.transmat_ = normalize(self.prng.rand(self.n_components, self.n_components), axis=1) h.startprob_ = normalize(self.prng.rand(self.n_components)) trainll = fit_hmm_and_monitor_log_likelihood( h, X, lengths=lengths, n_iter=n_iter) if not np.all(np.diff(trainll) > 0) and verbose: print('Test train: (%s)\n %s\n %s' % (params, trainll, np.diff(trainll))) # XXX: this test appears to check that training log likelihood should # never be decreasing (up to a tolerance of 0.5, why?) but this is not # the case when the seed changes. raise SkipTest("Unstable test: trainll is not always increasing " "depending on seed") self.assertTrue(np.all(np.diff(trainll) > -0.5)) def test_fit_works_on_sequences_of_different_length(self): lengths = [3, 4, 5] X = self.prng.rand(sum(lengths), self.n_features) h = hmm.GMMHMM(self.n_components, covariance_type=self.covariance_type) # This shouldn't raise # ValueError: setting an array element with a sequence. h.fit(X, lengths=lengths) class TestGMMHMMWithDiagCovars(GMMHMMTestMixin, TestCase): covariance_type = 'diag' def test_fit_startprob_and_transmat(self): self.test_fit('st') def test_fit_means(self): self.test_fit('m') class TestGMMHMMWithTiedCovars(GMMHMMTestMixin, TestCase): covariance_type = 'tied' class TestGMMHMMWithFullCovars(GMMHMMTestMixin, TestCase): covariance_type = 'full'
[ 1, 515, 4770, 29888, 9130, 1649, 1053, 1596, 29918, 2220, 13, 13, 3166, 443, 27958, 1053, 4321, 8259, 13, 13, 5215, 12655, 408, 7442, 13, 3166, 26414, 1053, 4971, 666, 3057, 13, 3166, 12655, 29889, 13424, 1053, 4974, 29918, 2378, 29918, 11745, 29892, 4974, 29918, 2378, 29918, 284, 3242, 29918, 11745, 13, 3166, 2071, 19668, 29889, 14538, 1691, 29889, 27736, 29918, 27959, 1053, 1207, 29918, 1028, 29881, 29918, 5344, 13, 3166, 2071, 19668, 29889, 2460, 15546, 1053, 402, 7428, 13, 3166, 2071, 19668, 29889, 13239, 1053, 1423, 29918, 8172, 29918, 3859, 13, 13, 3166, 298, 4317, 19668, 1053, 298, 4317, 13, 3166, 298, 4317, 19668, 29889, 13239, 1053, 4226, 675, 29892, 4974, 29918, 336, 4637, 13, 13, 9302, 29889, 842, 3127, 29898, 497, 2433, 25442, 1495, 13, 13, 13, 1753, 6216, 29918, 29882, 4317, 29918, 392, 29918, 3712, 2105, 29918, 1188, 29918, 5081, 22342, 29898, 29882, 29892, 1060, 29892, 27497, 29922, 8516, 29892, 302, 29918, 1524, 29922, 29896, 1125, 13, 1678, 298, 29889, 29876, 29918, 1524, 353, 29871, 29896, 4706, 396, 1207, 1854, 591, 437, 263, 2323, 12541, 472, 263, 931, 13, 1678, 298, 29889, 2344, 29918, 7529, 353, 6629, 29871, 396, 322, 1016, 29915, 29873, 337, 29899, 2344, 8636, 13, 1678, 1480, 5081, 22342, 29879, 353, 7442, 29889, 6310, 29898, 29876, 29918, 1524, 29892, 26688, 29922, 7411, 29897, 13, 1678, 363, 474, 297, 3464, 29898, 29876, 29918, 1524, 1125, 13, 4706, 298, 29889, 9202, 29898, 29990, 29892, 27497, 29922, 2848, 29879, 29897, 13, 4706, 1480, 5081, 22342, 29879, 29961, 29875, 29962, 353, 298, 29889, 13628, 29898, 29990, 29892, 27497, 29922, 2848, 29879, 29897, 13, 1678, 736, 1480, 5081, 22342, 29879, 13, 13, 13, 1990, 22477, 29950, 7428, 3057, 29924, 861, 262, 29898, 3318, 1125, 13, 1678, 18838, 279, 8837, 29918, 1853, 353, 6213, 29871, 396, 731, 491, 1014, 13203, 13, 13, 1678, 822, 731, 3373, 29898, 1311, 1125, 13, 4706, 1583, 29889, 558, 865, 353, 544, 865, 353, 7442, 29889, 8172, 29889, 17875, 2792, 29898, 29896, 29900, 29897, 13, 4706, 1583, 29889, 29876, 29918, 14036, 353, 302, 29918, 14036, 353, 29871, 29941, 13, 4706, 1583, 29889, 29876, 29918, 22100, 353, 302, 29918, 22100, 353, 29871, 29941, 13, 4706, 1583, 29889, 2962, 22795, 353, 544, 865, 29889, 9502, 29898, 29876, 29918, 14036, 29897, 13, 4706, 1583, 29889, 2962, 22795, 353, 1583, 29889, 2962, 22795, 847, 1583, 29889, 2962, 22795, 29889, 2083, 580, 13, 4706, 1583, 29889, 3286, 2922, 353, 544, 865, 29889, 9502, 29898, 29876, 29918, 14036, 29892, 302, 29918, 14036, 29897, 13, 4706, 1583, 29889, 3286, 2922, 847, 29922, 7442, 29889, 29873, 488, 29898, 1311, 29889, 3286, 2922, 29889, 2083, 29898, 8990, 29922, 29896, 29897, 7503, 29892, 7442, 29889, 1482, 8990, 1402, 13, 462, 462, 313, 29896, 29892, 302, 29918, 14036, 876, 13, 4706, 1583, 29889, 1004, 550, 353, 544, 865, 29889, 9502, 524, 6278, 29906, 29900, 29892, 29871, 29906, 29900, 29892, 313, 29876, 29918, 14036, 29892, 302, 29918, 22100, 876, 13, 4706, 1583, 29889, 24542, 1503, 353, 426, 13, 9651, 525, 29879, 8096, 936, 2396, 313, 29896, 29889, 29900, 718, 29871, 29906, 334, 7442, 29889, 6333, 29898, 558, 865, 29889, 9502, 29898, 29876, 29918, 14036, 29892, 29871, 29896, 511, 13, 462, 462, 965, 7442, 29889, 2873, 3552, 29896, 29892, 302, 29918, 22100, 13697, 3579, 29871, 29906, 29892, 13, 9651, 525, 29873, 1000, 2396, 313, 5675, 29918, 1028, 29881, 29918, 5344, 29898, 29876, 29918, 22100, 29892, 4036, 29918, 3859, 29922, 29900, 29897, 13, 462, 268, 718, 7442, 29889, 1032, 29872, 29898, 29876, 29918, 22100, 8243, 13, 9651, 525, 6051, 351, 2396, 313, 29896, 29889, 29900, 718, 29871, 29906, 334, 544, 865, 29889, 9502, 29898, 29876, 29918, 14036, 29892, 302, 29918, 22100, 876, 3579, 29871, 29906, 29892, 13, 9651, 525, 8159, 2396, 7442, 29889, 2378, 4197, 5675, 29918, 1028, 29881, 29918, 5344, 29898, 29876, 29918, 22100, 29892, 4036, 29918, 3859, 29922, 29900, 29897, 13, 462, 795, 718, 7442, 29889, 1032, 29872, 29898, 29876, 29918, 22100, 29897, 13, 462, 795, 363, 921, 297, 3464, 29898, 29876, 29918, 14036, 4638, 511, 13, 4706, 500, 13, 4706, 1583, 29889, 18837, 287, 29918, 24542, 1503, 353, 426, 13, 9651, 525, 29879, 8096, 936, 2396, 518, 9302, 29889, 1032, 29872, 29898, 29876, 29918, 22100, 29897, 334, 18838, 13, 462, 3986, 363, 18838, 297, 1583, 29889, 24542, 1503, 1839, 29879, 8096, 936, 2033, 1402, 13, 9651, 525, 6051, 351, 2396, 518, 9302, 29889, 6051, 351, 29898, 24542, 29897, 363, 18838, 297, 1583, 29889, 24542, 1503, 1839, 6051, 351, 2033, 1402, 13, 9651, 525, 29873, 1000, 2396, 518, 1311, 29889, 24542, 1503, 1839, 29873, 1000, 2033, 29962, 334, 302, 29918, 14036, 29892, 13, 9651, 525, 8159, 2396, 1583, 29889, 24542, 1503, 1839, 8159, 7464, 13, 4706, 500, 13, 13, 1678, 822, 1243, 29918, 12313, 29918, 24542, 279, 8837, 29918, 1853, 29898, 1311, 1125, 13, 4706, 411, 4974, 29918, 336, 4637, 29898, 1917, 2392, 1125, 13, 9651, 298, 353, 298, 4317, 29889, 29954, 17019, 29950, 7428, 29898, 29906, 29900, 29892, 18838, 279, 8837, 29918, 1853, 2433, 12313, 24542, 279, 8837, 29918, 1853, 1495, 13, 9651, 298, 29889, 1004, 550, 29918, 353, 1583, 29889, 1004, 550, 13, 9651, 298, 29889, 24542, 1503, 29918, 353, 5159, 13, 9651, 298, 29889, 2962, 22795, 29918, 353, 1583, 29889, 2962, 22795, 13, 9651, 298, 29889, 3286, 2922, 29918, 353, 1583, 29889, 3286, 2922, 13, 9651, 298, 3032, 3198, 580, 13, 13, 1678, 822, 1243, 29918, 13628, 29918, 27736, 29918, 392, 29918, 13808, 29898, 1311, 1125, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 17019, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 1583, 29889, 24542, 279, 8837, 29918, 1853, 29897, 13, 4706, 298, 29889, 1004, 550, 29918, 353, 1583, 29889, 1004, 550, 13, 4706, 298, 29889, 24542, 1503, 29918, 353, 1583, 29889, 24542, 1503, 29961, 1311, 29889, 24542, 279, 8837, 29918, 1853, 29962, 13, 13, 4706, 396, 8561, 1854, 278, 2794, 526, 2215, 12435, 577, 10368, 18930, 29889, 1191, 3317, 580, 13, 4706, 396, 5839, 29879, 278, 3935, 4163, 1304, 304, 5706, 278, 13917, 29889, 13, 4706, 298, 29889, 1004, 550, 29918, 353, 29871, 29906, 29900, 334, 298, 29889, 1004, 550, 29918, 13, 13, 4706, 330, 11214, 13140, 353, 7442, 29889, 14358, 29898, 9302, 29889, 279, 927, 29898, 1311, 29889, 29876, 29918, 14036, 511, 29871, 29945, 29897, 13, 4706, 302, 29918, 27736, 353, 7431, 29898, 29887, 11214, 13140, 29897, 13, 4706, 1060, 353, 1583, 29889, 558, 865, 29889, 9502, 29876, 29898, 29876, 29918, 27736, 29892, 1583, 29889, 29876, 29918, 22100, 29897, 718, 298, 29889, 1004, 550, 29918, 29961, 29887, 11214, 13140, 29962, 13, 4706, 298, 3032, 2344, 29898, 29990, 29892, 8636, 543, 303, 1159, 13, 4706, 11148, 29892, 10368, 18930, 353, 298, 29889, 13628, 29918, 27736, 29898, 29990, 29897, 13, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2490, 13613, 943, 29889, 12181, 29892, 313, 29876, 29918, 27736, 29892, 1583, 29889, 29876, 29918, 14036, 876, 13, 4706, 4974, 29918, 2378, 29918, 284, 3242, 29918, 11745, 29898, 2490, 13613, 943, 29889, 2083, 29898, 8990, 29922, 29896, 511, 7442, 29889, 2873, 29898, 29876, 29918, 27736, 876, 13, 13, 4706, 325, 1524, 5365, 29918, 645, 29892, 1002, 968, 29939, 353, 298, 29889, 13808, 29898, 29990, 29897, 13, 4706, 4974, 29918, 2378, 29918, 11745, 29898, 6112, 968, 29939, 29892, 330, 11214, 13140, 29897, 13, 13, 1678, 822, 1243, 29918, 11249, 29898, 1311, 29892, 302, 29922, 29896, 29900, 29900, 29900, 1125, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 17019, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 1583, 29889, 24542, 279, 8837, 29918, 1853, 29897, 13, 4706, 298, 29889, 2962, 22795, 29918, 353, 1583, 29889, 2962, 22795, 13, 4706, 298, 29889, 3286, 2922, 29918, 353, 1583, 29889, 3286, 2922, 13, 4706, 396, 8561, 1854, 278, 2794, 526, 2215, 12435, 577, 10368, 18930, 29889, 1191, 3317, 580, 13, 4706, 396, 5839, 29879, 278, 3935, 4163, 1304, 304, 5706, 278, 13917, 29889, 13, 4706, 298, 29889, 1004, 550, 29918, 353, 29871, 29906, 29900, 334, 1583, 29889, 1004, 550, 13, 4706, 298, 29889, 24542, 1503, 29918, 353, 7442, 29889, 27525, 398, 29898, 1311, 29889, 24542, 1503, 29961, 1311, 29889, 24542, 279, 8837, 29918, 1853, 1402, 29871, 29900, 29889, 29896, 29897, 13, 13, 4706, 1060, 29892, 2106, 29918, 16506, 353, 298, 29889, 11249, 29898, 29876, 29892, 4036, 29918, 3859, 29922, 1311, 29889, 558, 865, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 29990, 29889, 12181, 29892, 313, 29876, 29892, 1583, 29889, 29876, 29918, 22100, 876, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2435, 29898, 3859, 29918, 16506, 511, 302, 29897, 13, 13, 1678, 822, 1243, 29918, 9202, 29898, 1311, 29892, 8636, 2433, 303, 14047, 742, 302, 29918, 1524, 29922, 29945, 29892, 3579, 19290, 1125, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 17019, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 1583, 29889, 24542, 279, 8837, 29918, 1853, 29897, 13, 4706, 298, 29889, 2962, 22795, 29918, 353, 1583, 29889, 2962, 22795, 13, 4706, 298, 29889, 3286, 2922, 29918, 353, 4226, 675, 29898, 13, 9651, 1583, 29889, 3286, 2922, 718, 7442, 29889, 6051, 351, 29898, 1311, 29889, 558, 865, 29889, 9502, 29898, 1311, 29889, 29876, 29918, 14036, 8243, 29871, 29896, 29897, 13, 4706, 298, 29889, 1004, 550, 29918, 353, 29871, 29906, 29900, 334, 1583, 29889, 1004, 550, 13, 4706, 298, 29889, 24542, 1503, 29918, 353, 1583, 29889, 24542, 1503, 29961, 1311, 29889, 24542, 279, 8837, 29918, 1853, 29962, 13, 13, 4706, 27497, 353, 518, 29896, 29900, 29962, 334, 29871, 29896, 29900, 13, 4706, 1060, 29892, 903, 3859, 29918, 16506, 353, 298, 29889, 11249, 29898, 2083, 29898, 2848, 29879, 511, 4036, 29918, 3859, 29922, 1311, 29889, 558, 865, 29897, 13, 13, 4706, 396, 11946, 701, 278, 4128, 322, 1074, 565, 591, 508, 337, 29899, 19668, 963, 29889, 13, 4706, 298, 29889, 29876, 29918, 1524, 353, 29871, 29900, 13, 4706, 298, 29889, 9202, 29898, 29990, 29892, 27497, 29922, 2848, 29879, 29897, 13, 13, 4706, 7945, 645, 353, 6216, 29918, 29882, 4317, 29918, 392, 29918, 3712, 2105, 29918, 1188, 29918, 5081, 22342, 29898, 13, 9651, 298, 29892, 1060, 29892, 27497, 29922, 2848, 29879, 29892, 302, 29918, 1524, 29922, 29876, 29918, 1524, 29897, 13, 13, 4706, 396, 5399, 393, 278, 1480, 29899, 5081, 22342, 338, 2337, 10231, 2645, 6694, 29889, 13, 4706, 2923, 353, 7442, 29889, 12765, 29898, 14968, 645, 29897, 13, 4706, 2643, 353, 4852, 6185, 276, 5832, 1480, 29899, 5081, 22342, 363, 426, 29900, 29913, 18838, 279, 8837, 29901, 426, 29896, 5038, 13, 462, 259, 869, 4830, 29898, 1311, 29889, 24542, 279, 8837, 29918, 1853, 29892, 2923, 876, 13, 4706, 1583, 29889, 9294, 5574, 29898, 9302, 29889, 497, 29898, 12765, 6736, 448, 29896, 29872, 29899, 29953, 511, 2643, 29897, 13, 13, 1678, 822, 1243, 29918, 9202, 29918, 13129, 29918, 265, 29918, 6831, 2063, 29918, 974, 29918, 29881, 15622, 29918, 2848, 29898, 1311, 1125, 13, 4706, 27497, 353, 518, 29941, 29892, 29871, 29946, 29892, 29871, 29945, 29962, 13, 4706, 1060, 353, 1583, 29889, 558, 865, 29889, 9502, 29898, 2083, 29898, 2848, 29879, 511, 1583, 29889, 29876, 29918, 22100, 29897, 13, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 17019, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 1583, 29889, 24542, 279, 8837, 29918, 1853, 29897, 13, 4706, 396, 910, 9273, 29915, 29873, 12020, 13, 4706, 396, 7865, 2392, 29901, 4444, 385, 1409, 1543, 411, 263, 5665, 29889, 13, 4706, 298, 29889, 9202, 29898, 29990, 29892, 27497, 29922, 2848, 29879, 29897, 13, 13, 1678, 822, 1243, 29918, 9202, 29918, 2541, 29918, 2848, 29918, 650, 29918, 25436, 29898, 1311, 1125, 13, 4706, 27497, 353, 518, 29896, 29900, 29892, 29871, 29947, 29892, 29871, 29896, 29962, 13, 4706, 1060, 353, 1583, 29889, 558, 865, 29889, 9502, 29898, 2083, 29898, 2848, 29879, 511, 1583, 29889, 29876, 29918, 22100, 29897, 13, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 17019, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 1583, 29889, 24542, 279, 8837, 29918, 1853, 29897, 13, 4706, 396, 910, 9273, 29915, 29873, 12020, 13, 4706, 396, 7865, 2392, 29901, 5225, 29899, 2311, 1409, 304, 20376, 5858, 7472, 607, 13, 4706, 396, 632, 756, 694, 10110, 13, 4706, 298, 29889, 9202, 29898, 29990, 29892, 27497, 29922, 2848, 29879, 29897, 13, 13, 1678, 822, 1243, 29918, 9202, 29918, 2541, 29918, 29886, 28739, 29898, 1311, 29892, 8636, 2433, 303, 14047, 742, 302, 29918, 1524, 29922, 29945, 1125, 13, 4706, 1369, 22795, 29918, 29886, 13479, 353, 29871, 29896, 29900, 334, 1583, 29889, 2962, 22795, 718, 29871, 29906, 29889, 29900, 13, 4706, 1301, 2922, 29918, 29886, 13479, 353, 29871, 29896, 29900, 334, 1583, 29889, 3286, 2922, 718, 29871, 29906, 29889, 29900, 13, 4706, 2794, 29918, 29886, 13479, 353, 1583, 29889, 1004, 550, 13, 4706, 2794, 29918, 7915, 353, 29871, 29906, 29889, 29900, 13, 4706, 18838, 1503, 29918, 7915, 353, 29871, 29906, 29889, 29900, 13, 4706, 565, 1583, 29889, 24542, 279, 8837, 29918, 1853, 297, 6702, 8159, 742, 525, 29873, 1000, 29374, 13, 9651, 18838, 1503, 29918, 7915, 4619, 1583, 29889, 29876, 29918, 22100, 13, 4706, 18838, 1503, 29918, 29886, 13479, 353, 1583, 29889, 24542, 1503, 29961, 1311, 29889, 24542, 279, 8837, 29918, 1853, 29962, 13, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 17019, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 1583, 29889, 24542, 279, 8837, 29918, 1853, 29897, 13, 4706, 298, 29889, 2962, 22795, 29918, 353, 1583, 29889, 2962, 22795, 13, 4706, 298, 29889, 2962, 22795, 29918, 29886, 13479, 353, 1369, 22795, 29918, 29886, 13479, 13, 4706, 298, 29889, 3286, 2922, 29918, 353, 4226, 675, 29898, 13, 9651, 1583, 29889, 3286, 2922, 718, 7442, 29889, 6051, 351, 29898, 1311, 29889, 558, 865, 29889, 9502, 29898, 1311, 29889, 29876, 29918, 14036, 8243, 29871, 29896, 29897, 13, 4706, 298, 29889, 3286, 2922, 29918, 29886, 13479, 353, 1301, 2922, 29918, 29886, 13479, 13, 4706, 298, 29889, 1004, 550, 29918, 353, 29871, 29906, 29900, 334, 1583, 29889, 1004, 550, 13, 4706, 298, 29889, 1004, 550, 29918, 29886, 13479, 353, 2794, 29918, 29886, 13479, 13, 4706, 298, 29889, 1004, 550, 29918, 7915, 353, 2794, 29918, 7915, 13, 4706, 298, 29889, 24542, 1503, 29918, 353, 1583, 29889, 24542, 1503, 29961, 1311, 29889, 24542, 279, 8837, 29918, 1853, 29962, 13, 4706, 298, 29889, 24542, 1503, 29918, 29886, 13479, 353, 18838, 1503, 29918, 29886, 13479, 13, 4706, 298, 29889, 24542, 1503, 29918, 7915, 353, 18838, 1503, 29918, 7915, 13, 13, 4706, 27497, 353, 518, 29896, 29900, 29900, 29962, 334, 29871, 29896, 29900, 13, 4706, 1060, 29892, 903, 3859, 29918, 16506, 353, 298, 29889, 11249, 29898, 2083, 29898, 2848, 29879, 511, 4036, 29918, 3859, 29922, 1311, 29889, 558, 865, 29897, 13, 13, 4706, 396, 830, 29899, 24926, 278, 4128, 322, 1423, 393, 591, 508, 5486, 479, 304, 278, 13, 4706, 396, 2441, 3443, 1819, 29889, 13, 4706, 298, 29918, 19668, 353, 298, 4317, 29889, 29954, 17019, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 1583, 29889, 24542, 279, 8837, 29918, 1853, 29892, 13, 462, 462, 29871, 8636, 29922, 7529, 29897, 13, 4706, 298, 29918, 19668, 29889, 29876, 29918, 1524, 353, 29871, 29900, 13, 4706, 298, 29918, 19668, 29889, 9202, 29898, 29990, 29892, 27497, 29922, 2848, 29879, 29897, 13, 13, 4706, 6216, 29918, 29882, 4317, 29918, 392, 29918, 3712, 2105, 29918, 1188, 29918, 5081, 22342, 29898, 13, 9651, 298, 29918, 19668, 29892, 1060, 29892, 27497, 29922, 2848, 29879, 29892, 302, 29918, 1524, 29922, 29876, 29918, 1524, 29897, 13, 13, 4706, 396, 8561, 1854, 591, 29915, 345, 5486, 3192, 304, 278, 1492, 4128, 29889, 13, 4706, 396, 263, 29897, 2794, 13, 4706, 1583, 29889, 9294, 5574, 29898, 9302, 29889, 497, 5358, 29898, 24582, 29898, 29882, 29889, 1004, 550, 5396, 25027, 391, 25739, 13, 462, 462, 1678, 12705, 29898, 29882, 29918, 19668, 29889, 1004, 550, 5396, 25027, 391, 25739, 13, 462, 462, 268, 29900, 29889, 29900, 29896, 876, 13, 4706, 396, 289, 29897, 18838, 1503, 526, 2898, 304, 12678, 17503, 515, 263, 13774, 2319, 13, 4706, 396, 1678, 4559, 29892, 4550, 278, 2919, 16897, 13, 4706, 1583, 29889, 9294, 5574, 29898, 9302, 29889, 497, 5358, 29898, 24582, 29898, 29882, 3032, 24542, 1503, 5396, 25027, 391, 25739, 13, 462, 462, 1678, 12705, 29898, 29882, 29918, 19668, 3032, 24542, 1503, 5396, 25027, 391, 25739, 13, 462, 462, 268, 29896, 29900, 876, 13, 13, 1678, 822, 1243, 29918, 9202, 29918, 5464, 29918, 15064, 397, 293, 29918, 3286, 2922, 29898, 1311, 1125, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 17019, 29950, 7428, 29898, 29876, 29918, 14036, 29922, 29945, 29892, 18838, 279, 8837, 29918, 1853, 2433, 8159, 742, 13, 462, 9651, 302, 29918, 1524, 29922, 29896, 29900, 29900, 29892, 2069, 29918, 7529, 2433, 303, 1495, 13, 4706, 298, 29889, 2962, 22795, 29918, 353, 7442, 29889, 2378, 4197, 29896, 29892, 29871, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 2314, 13, 4706, 298, 29889, 3286, 2922, 29918, 353, 7442, 29889, 2378, 4197, 29961, 29900, 29889, 29929, 29892, 29871, 29900, 29889, 29896, 29892, 29871, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 1402, 13, 462, 18884, 518, 29900, 29892, 29871, 29900, 29889, 29929, 29892, 29871, 29900, 29889, 29896, 29892, 29871, 29900, 29892, 29871, 29900, 1402, 13, 462, 18884, 518, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 29889, 29929, 29892, 29871, 29900, 29889, 29896, 29892, 29871, 29900, 1402, 13, 462, 18884, 518, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 29889, 29929, 29892, 29871, 29900, 29889, 29896, 1402, 13, 462, 18884, 518, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 29892, 29871, 29896, 29889, 29900, 24960, 13, 4706, 298, 29889, 1004, 550, 29918, 353, 7442, 29889, 3298, 359, 3552, 29945, 29892, 29871, 29896, 29900, 876, 13, 4706, 298, 29889, 24542, 1503, 29918, 353, 7442, 29889, 29873, 488, 29898, 9302, 29889, 22350, 29898, 29896, 29900, 511, 313, 29945, 29892, 29871, 29896, 29892, 29871, 29896, 876, 13, 13, 4706, 27497, 353, 518, 29896, 29900, 29962, 334, 29871, 29896, 29900, 13, 4706, 1060, 29892, 903, 3859, 29918, 16506, 353, 298, 29889, 11249, 29898, 2083, 29898, 2848, 29879, 511, 4036, 29918, 3859, 29922, 1311, 29889, 558, 865, 29897, 13, 4706, 298, 29889, 9202, 29898, 29990, 29892, 27497, 29922, 2848, 29879, 29897, 13, 4706, 396, 14402, 29901, 2436, 278, 3935, 1243, 13, 13, 13, 1990, 4321, 29954, 17019, 29950, 7428, 3047, 29903, 8096, 936, 29907, 586, 1503, 29898, 29954, 17019, 29950, 7428, 3057, 29924, 861, 262, 29892, 4321, 8259, 1125, 13, 1678, 18838, 279, 8837, 29918, 1853, 353, 525, 29879, 8096, 936, 29915, 13, 13, 1678, 822, 1243, 29918, 9202, 29918, 2962, 22795, 29918, 392, 29918, 3286, 2922, 29898, 1311, 1125, 13, 4706, 1583, 29889, 1688, 29918, 9202, 877, 303, 1495, 13, 13, 13, 1990, 4321, 29954, 17019, 29950, 7428, 3047, 12130, 351, 7177, 29907, 586, 1503, 29898, 29954, 17019, 29950, 7428, 3057, 29924, 861, 262, 29892, 4321, 8259, 1125, 13, 1678, 18838, 279, 8837, 29918, 1853, 353, 525, 6051, 351, 29915, 13, 13, 1678, 822, 1243, 29918, 24542, 279, 29918, 275, 29918, 3539, 519, 29898, 1311, 1125, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 17019, 29950, 7428, 29898, 29876, 29918, 14036, 29922, 29896, 29892, 18838, 279, 8837, 29918, 1853, 2433, 6051, 351, 1495, 13, 4706, 1060, 353, 7442, 29889, 8172, 29889, 8945, 29898, 2311, 7607, 29896, 29900, 29900, 29900, 29892, 29871, 29945, 876, 13, 4706, 298, 3032, 2344, 29898, 29990, 29892, 8636, 543, 29883, 1159, 13, 13, 4706, 396, 7442, 29889, 6051, 351, 3639, 263, 1303, 29899, 6194, 1776, 310, 278, 1409, 297, 11848, 19737, 29871, 29896, 29889, 29929, 29889, 29990, 29889, 13, 4706, 396, 8561, 1854, 445, 1838, 29915, 29873, 5557, 502, 515, 28221, 385, 379, 7428, 411, 13, 4706, 396, 19640, 18838, 279, 8837, 4636, 29889, 2823, 12089, 29937, 29946, 29946, 373, 25492, 363, 4902, 13, 4706, 396, 322, 10679, 29889, 13, 4706, 4974, 298, 3032, 24542, 1503, 5396, 15764, 3366, 16365, 6181, 3108, 13, 13, 1990, 4321, 29954, 17019, 29950, 7428, 3047, 29911, 1000, 29907, 586, 1503, 29898, 29954, 17019, 29950, 7428, 3057, 29924, 861, 262, 29892, 4321, 8259, 1125, 13, 1678, 18838, 279, 8837, 29918, 1853, 353, 525, 29873, 1000, 29915, 13, 13, 13, 1990, 4321, 29954, 17019, 29950, 7428, 3047, 13658, 29907, 586, 1503, 29898, 29954, 17019, 29950, 7428, 3057, 29924, 861, 262, 29892, 4321, 8259, 1125, 13, 1678, 18838, 279, 8837, 29918, 1853, 353, 525, 8159, 29915, 13, 13, 13, 1990, 9683, 262, 7615, 29950, 7428, 3057, 8259, 29898, 3057, 8259, 1125, 13, 1678, 9995, 15156, 6455, 515, 14109, 13, 13, 1678, 448, 1732, 597, 264, 29889, 6011, 29889, 990, 29914, 4594, 29914, 25108, 29918, 9802, 586, 29918, 4299, 13, 1678, 448, 1732, 597, 264, 29889, 6011, 29889, 990, 29914, 4594, 29914, 29963, 1524, 5365, 29918, 20567, 13, 1678, 9995, 13, 13, 1678, 822, 731, 3373, 29898, 1311, 1125, 13, 4706, 1583, 29889, 558, 865, 353, 7442, 29889, 8172, 29889, 17875, 2792, 29898, 29929, 29897, 13, 4706, 1583, 29889, 29876, 29918, 14036, 353, 29871, 29906, 259, 396, 6702, 29934, 475, 29891, 742, 525, 29903, 348, 1460, 1495, 13, 4706, 1583, 29889, 29876, 29918, 22100, 353, 29871, 29941, 418, 396, 6702, 20919, 742, 525, 19032, 742, 525, 14941, 1495, 13, 4706, 1583, 29889, 331, 2333, 22795, 353, 7442, 29889, 2378, 4197, 29961, 29900, 29889, 29896, 29892, 29871, 29900, 29889, 29946, 29892, 29871, 29900, 29889, 29945, 1402, 518, 29900, 29889, 29953, 29892, 29871, 29900, 29889, 29941, 29892, 29871, 29900, 29889, 29896, 24960, 13, 4706, 1583, 29889, 2962, 22795, 353, 7442, 29889, 2378, 4197, 29900, 29889, 29953, 29892, 29871, 29900, 29889, 29946, 2314, 13, 4706, 1583, 29889, 3286, 2922, 353, 7442, 29889, 2378, 4197, 29961, 29900, 29889, 29955, 29892, 29871, 29900, 29889, 29941, 1402, 518, 29900, 29889, 29946, 29892, 29871, 29900, 29889, 29953, 24960, 13, 13, 4706, 1583, 29889, 29882, 353, 298, 4317, 29889, 6857, 262, 7615, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29897, 13, 4706, 1583, 29889, 29882, 29889, 2962, 22795, 29918, 353, 1583, 29889, 2962, 22795, 13, 4706, 1583, 29889, 29882, 29889, 3286, 2922, 29918, 353, 1583, 29889, 3286, 2922, 13, 4706, 1583, 29889, 29882, 29889, 331, 2333, 22795, 29918, 353, 1583, 29889, 331, 2333, 22795, 13, 13, 1678, 822, 1243, 29918, 842, 29918, 331, 2333, 22795, 29898, 1311, 1125, 13, 4706, 298, 353, 298, 4317, 29889, 6857, 262, 7615, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29897, 13, 4706, 25477, 22795, 353, 7442, 29889, 2378, 4197, 29961, 29900, 29889, 29947, 29892, 29871, 29900, 29889, 29906, 29892, 29871, 29900, 29889, 29900, 1402, 518, 29900, 29889, 29955, 29892, 29871, 29900, 29889, 29906, 29892, 29871, 29896, 29889, 29900, 24960, 13, 4706, 298, 29889, 331, 2333, 22795, 353, 25477, 22795, 13, 4706, 4974, 7442, 29889, 497, 5358, 29898, 331, 2333, 22795, 29892, 298, 29889, 331, 2333, 22795, 29897, 13, 13, 1678, 822, 1243, 29918, 6011, 29918, 29894, 1524, 5365, 29918, 4773, 29898, 1311, 1125, 13, 4706, 396, 3645, 1732, 597, 264, 29889, 6011, 29889, 990, 29914, 4594, 29914, 29963, 1524, 5365, 29918, 20567, 29901, 13, 4706, 396, 376, 4013, 10320, 1338, 393, 278, 13917, 6024, 20919, 742, 525, 19032, 742, 525, 14941, 2033, 13, 4706, 396, 892, 1556, 5517, 5759, 491, 5922, 6024, 29903, 348, 1460, 742, 525, 29934, 475, 29891, 742, 13, 4706, 396, 525, 29934, 475, 29891, 7464, 411, 6976, 29871, 29900, 29889, 29900, 29896, 29941, 29946, 29946, 1213, 13, 4706, 1060, 353, 5519, 29900, 1402, 518, 29896, 1402, 518, 29906, 5262, 13, 4706, 1480, 22795, 29892, 2106, 29918, 16506, 353, 1583, 29889, 29882, 29889, 13808, 29898, 29990, 29897, 13, 4706, 1583, 29889, 9294, 2499, 3242, 9843, 29898, 9302, 29889, 4548, 29898, 1188, 22795, 511, 29871, 29900, 29889, 29900, 29896, 29941, 29946, 29946, 29897, 13, 4706, 4974, 29918, 2378, 29918, 11745, 29898, 3859, 29918, 16506, 29892, 518, 29896, 29892, 29871, 29900, 29892, 29871, 29900, 2314, 13, 13, 1678, 822, 1243, 29918, 13808, 29918, 1958, 29918, 20567, 29898, 1311, 1125, 13, 4706, 1060, 353, 5519, 29900, 1402, 518, 29896, 1402, 518, 29906, 5262, 13, 4706, 298, 353, 298, 4317, 29889, 6857, 262, 7615, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 5687, 543, 1958, 1159, 13, 4706, 298, 29889, 2962, 22795, 29918, 353, 1583, 29889, 2962, 22795, 13, 4706, 298, 29889, 3286, 2922, 29918, 353, 1583, 29889, 3286, 2922, 13, 4706, 298, 29889, 331, 2333, 22795, 29918, 353, 1583, 29889, 331, 2333, 22795, 13, 4706, 903, 1188, 22795, 29892, 2106, 29918, 16506, 353, 298, 29889, 13808, 29898, 29990, 29897, 13, 4706, 4974, 29918, 2378, 29918, 11745, 29898, 3859, 29918, 16506, 29892, 518, 29896, 29892, 29871, 29900, 29892, 29871, 29900, 2314, 13, 13, 1678, 822, 1243, 29918, 27711, 29898, 1311, 1125, 13, 4706, 1060, 353, 5519, 29900, 1402, 518, 29896, 1402, 518, 29906, 5262, 13, 4706, 2106, 29918, 16506, 353, 1583, 29889, 29882, 29889, 27711, 29898, 29990, 29897, 13, 4706, 10368, 18930, 353, 1583, 29889, 29882, 29889, 27711, 29918, 771, 2291, 29898, 29990, 29897, 13, 4706, 4974, 29918, 2378, 29918, 11745, 29898, 3859, 29918, 16506, 29892, 518, 29896, 29892, 29871, 29900, 29892, 29871, 29900, 2314, 13, 4706, 4974, 29918, 2378, 29918, 284, 3242, 29918, 11745, 29898, 2490, 13613, 943, 29892, 518, 13, 9651, 518, 29900, 29889, 29906, 29941, 29896, 29955, 29900, 29941, 29900, 29941, 29892, 29871, 29900, 29889, 29955, 29953, 29947, 29906, 29929, 29953, 29929, 29955, 1402, 13, 9651, 518, 29900, 29889, 29953, 29906, 29946, 29900, 29953, 29906, 29947, 29896, 29892, 29871, 29900, 29889, 29941, 29955, 29945, 29929, 29941, 29955, 29896, 29929, 1402, 13, 9651, 518, 29900, 29889, 29947, 29953, 29941, 29929, 29955, 29955, 29900, 29953, 29892, 29871, 29900, 29889, 29896, 29941, 29953, 29900, 29906, 29906, 29929, 29946, 1402, 13, 308, 2314, 13, 13, 1678, 822, 1243, 29918, 15697, 29898, 1311, 1125, 13, 4706, 298, 353, 298, 4317, 29889, 6857, 262, 7615, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29897, 13, 13, 4706, 1583, 29889, 9294, 9843, 29898, 29882, 29889, 29876, 29918, 14036, 29892, 1583, 29889, 29876, 29918, 14036, 29897, 13, 13, 4706, 298, 29889, 2962, 22795, 29918, 353, 1583, 29889, 2962, 22795, 13, 4706, 298, 29889, 3286, 2922, 29918, 353, 1583, 29889, 3286, 2922, 13, 4706, 298, 29889, 331, 2333, 22795, 29918, 353, 1583, 29889, 331, 2333, 22795, 13, 4706, 4974, 29918, 2378, 29918, 284, 3242, 29918, 11745, 29898, 29882, 29889, 331, 2333, 22795, 3383, 1583, 29889, 331, 2333, 22795, 29897, 13, 4706, 411, 4974, 29918, 336, 4637, 29898, 1917, 2392, 1125, 13, 9651, 298, 29889, 331, 2333, 22795, 29918, 353, 5159, 13, 9651, 298, 3032, 3198, 580, 13, 4706, 411, 4974, 29918, 336, 4637, 29898, 1917, 2392, 1125, 13, 9651, 298, 29889, 331, 2333, 22795, 29918, 353, 7442, 29889, 3298, 359, 3552, 1311, 29889, 29876, 29918, 14036, 448, 29871, 29906, 29892, 13, 462, 462, 4706, 1583, 29889, 29876, 29918, 22100, 876, 13, 9651, 298, 3032, 3198, 580, 13, 13, 1678, 822, 1243, 29918, 13628, 29918, 27736, 29898, 1311, 1125, 13, 4706, 22645, 353, 7442, 29889, 14358, 29898, 9302, 29889, 279, 927, 29898, 1311, 29889, 29876, 29918, 14036, 511, 29871, 29896, 29900, 29897, 13, 4706, 302, 29918, 27736, 353, 7431, 29898, 13140, 29897, 13, 4706, 1060, 353, 7442, 29889, 271, 280, 579, 29918, 29906, 29881, 29898, 13, 9651, 313, 1311, 29889, 558, 865, 29889, 9502, 29898, 29876, 29918, 27736, 29897, 334, 1583, 29889, 29876, 29918, 22100, 467, 579, 668, 29898, 524, 8106, 29911, 13, 13, 4706, 11148, 29892, 10368, 18930, 353, 1583, 29889, 29882, 29889, 13628, 29918, 27736, 29898, 29990, 29897, 13, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2490, 13613, 943, 29889, 12181, 29892, 313, 29876, 29918, 27736, 29892, 1583, 29889, 29876, 29918, 14036, 876, 13, 4706, 4974, 29918, 2378, 29918, 284, 3242, 29918, 11745, 29898, 2490, 13613, 943, 29889, 2083, 29898, 8990, 29922, 29896, 511, 7442, 29889, 2873, 29898, 29876, 29918, 27736, 876, 13, 13, 1678, 822, 1243, 29918, 11249, 29898, 1311, 29892, 302, 29922, 29896, 29900, 29900, 29900, 1125, 13, 4706, 1060, 29892, 2106, 29918, 16506, 353, 1583, 29889, 29882, 29889, 11249, 29898, 29876, 29892, 4036, 29918, 3859, 29922, 1311, 29889, 558, 865, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 29990, 29889, 299, 326, 29892, 29871, 29906, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2435, 29898, 29990, 511, 302, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2435, 29898, 3859, 29918, 16506, 511, 302, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2435, 29898, 9302, 29889, 13092, 29898, 29990, 8243, 1583, 29889, 29876, 29918, 22100, 29897, 13, 13, 1678, 822, 1243, 29918, 9202, 29898, 1311, 29892, 8636, 2433, 1655, 742, 302, 29918, 1524, 29922, 29945, 29892, 3579, 19290, 1125, 13, 4706, 298, 353, 1583, 29889, 29882, 13, 4706, 298, 29889, 7529, 353, 8636, 13, 13, 4706, 27497, 353, 7442, 29889, 2378, 4197, 29896, 29900, 29962, 334, 29871, 29896, 29900, 29897, 13, 4706, 1060, 29892, 903, 3859, 29918, 16506, 353, 298, 29889, 11249, 29898, 2848, 29879, 29889, 2083, 3285, 4036, 29918, 3859, 29922, 1311, 29889, 558, 865, 29897, 13, 13, 4706, 396, 11946, 701, 278, 4128, 322, 1074, 565, 591, 508, 337, 29899, 19668, 963, 29889, 13, 4706, 298, 29889, 2962, 22795, 29918, 353, 4226, 675, 29898, 1311, 29889, 558, 865, 29889, 9502, 29898, 1311, 29889, 29876, 29918, 14036, 876, 13, 4706, 298, 29889, 3286, 2922, 29918, 353, 4226, 675, 29898, 1311, 29889, 558, 865, 29889, 9502, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 13, 462, 462, 1669, 1583, 29889, 29876, 29918, 14036, 511, 9685, 29922, 29896, 29897, 13, 4706, 298, 29889, 331, 2333, 22795, 29918, 353, 4226, 675, 29898, 13, 9651, 1583, 29889, 558, 865, 29889, 9502, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 1583, 29889, 29876, 29918, 22100, 511, 9685, 29922, 29896, 29897, 13, 13, 4706, 7945, 645, 353, 6216, 29918, 29882, 4317, 29918, 392, 29918, 3712, 2105, 29918, 1188, 29918, 5081, 22342, 29898, 13, 9651, 298, 29892, 1060, 29892, 27497, 29922, 2848, 29879, 29892, 302, 29918, 1524, 29922, 29876, 29918, 1524, 29897, 13, 13, 4706, 396, 5399, 393, 278, 1480, 29899, 5081, 22342, 338, 2337, 10231, 2645, 6694, 29889, 13, 4706, 2923, 353, 7442, 29889, 12765, 29898, 14968, 645, 29897, 13, 4706, 1583, 29889, 9294, 5574, 29898, 9302, 29889, 497, 29898, 12765, 6736, 448, 29896, 29872, 29899, 29953, 511, 13, 462, 4706, 376, 6185, 276, 5832, 1480, 29899, 5081, 22342, 29901, 426, 29900, 5038, 869, 4830, 29898, 12765, 876, 13, 13, 1678, 822, 1243, 29918, 9202, 29918, 331, 2333, 22795, 29898, 1311, 1125, 13, 4706, 1583, 29889, 1688, 29918, 9202, 877, 29872, 1495, 13, 13, 1678, 822, 1243, 29918, 9202, 29918, 2541, 29918, 2344, 29898, 1311, 29892, 8636, 2433, 1655, 742, 302, 29918, 1524, 29922, 29945, 29892, 26952, 29922, 8824, 29892, 13, 462, 965, 3579, 19290, 1125, 13, 4706, 298, 353, 1583, 29889, 29882, 13, 4706, 24298, 1089, 353, 298, 4317, 29889, 6857, 262, 7615, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29897, 13, 13, 4706, 27497, 353, 518, 29896, 29900, 29962, 334, 29871, 29896, 29900, 13, 4706, 1060, 29892, 903, 3859, 29918, 16506, 353, 298, 29889, 11249, 29898, 2083, 29898, 2848, 29879, 511, 4036, 29918, 3859, 29922, 1311, 29889, 558, 865, 29897, 13, 13, 4706, 396, 671, 2069, 29918, 2220, 304, 11905, 1828, 261, 2153, 13, 4706, 24298, 1089, 3032, 2344, 29898, 29990, 29892, 27497, 29922, 2848, 29879, 29892, 8636, 29922, 7529, 29897, 13, 13, 4706, 7945, 645, 353, 6216, 29918, 29882, 4317, 29918, 392, 29918, 3712, 2105, 29918, 1188, 29918, 5081, 22342, 29898, 1945, 1089, 29892, 1060, 29892, 302, 29918, 1524, 29922, 29876, 29918, 1524, 29897, 13, 13, 4706, 396, 5399, 393, 278, 1480, 5081, 338, 2337, 10231, 2645, 6694, 13, 4706, 565, 451, 7442, 29889, 497, 29898, 9302, 29889, 12765, 29898, 14968, 645, 29897, 1405, 29871, 29900, 29897, 322, 26952, 29901, 13, 9651, 1596, 580, 13, 9651, 1596, 877, 3057, 7945, 29901, 313, 29995, 29879, 2144, 29876, 29871, 1273, 29879, 29905, 29876, 29871, 1273, 29879, 29915, 1273, 313, 7529, 29892, 7945, 645, 29892, 13, 462, 462, 462, 1678, 7442, 29889, 12765, 29898, 14968, 645, 4961, 13, 4706, 1583, 29889, 9294, 5574, 29898, 9302, 29889, 497, 29898, 9302, 29889, 12765, 29898, 14968, 645, 29897, 1405, 448, 29896, 29889, 29872, 29899, 29941, 876, 13, 13, 1678, 822, 1243, 1649, 3198, 29918, 2080, 29918, 18098, 29879, 29898, 1311, 1125, 13, 4706, 1583, 29889, 9294, 5574, 29898, 1311, 29889, 29882, 3032, 3198, 29918, 2080, 29918, 18098, 29879, 4197, 29961, 29900, 29892, 29871, 29900, 29892, 29871, 29906, 29892, 29871, 29896, 29892, 29871, 29941, 29892, 29871, 29896, 29892, 29871, 29896, 5262, 876, 13, 4706, 1583, 29889, 9294, 8824, 29898, 1311, 29889, 29882, 3032, 3198, 29918, 2080, 29918, 18098, 29879, 4197, 29961, 29900, 29892, 29871, 29900, 29892, 29871, 29941, 29892, 29871, 29945, 29892, 29871, 29896, 29900, 5262, 876, 13, 4706, 1583, 29889, 9294, 8824, 29898, 1311, 29889, 29882, 3032, 3198, 29918, 2080, 29918, 18098, 29879, 4197, 29961, 29900, 5262, 876, 13, 4706, 1583, 29889, 9294, 8824, 29898, 1311, 29889, 29882, 3032, 3198, 29918, 2080, 29918, 18098, 29879, 4197, 29961, 29900, 1696, 29871, 29906, 1696, 29871, 29896, 1696, 29871, 29941, 29889, 5262, 876, 13, 4706, 1583, 29889, 9294, 8824, 29898, 1311, 29889, 29882, 3032, 3198, 29918, 2080, 29918, 18098, 29879, 4197, 29961, 29900, 29892, 29871, 29900, 29892, 448, 29906, 29892, 29871, 29896, 29892, 29871, 29941, 29892, 29871, 29896, 29892, 29871, 29896, 5262, 876, 13, 13, 13, 1753, 1653, 29918, 8172, 29918, 29887, 4317, 29898, 29876, 29918, 28084, 29892, 302, 29918, 22100, 29892, 18838, 279, 8837, 29918, 1853, 29892, 544, 865, 29922, 29900, 1125, 13, 1678, 544, 865, 353, 1423, 29918, 8172, 29918, 3859, 29898, 558, 865, 29897, 13, 1678, 330, 353, 402, 7428, 29898, 29876, 29918, 28084, 29892, 18838, 279, 8837, 29918, 1853, 29922, 24542, 279, 8837, 29918, 1853, 29897, 13, 1678, 330, 29889, 1004, 550, 29918, 353, 544, 865, 29889, 9502, 524, 6278, 29906, 29900, 29892, 29871, 29906, 29900, 29892, 313, 29876, 29918, 28084, 29892, 302, 29918, 22100, 876, 13, 1678, 1375, 11023, 353, 29871, 29900, 29889, 29896, 13, 1678, 330, 29889, 24542, 1503, 29918, 353, 426, 13, 4706, 525, 29879, 8096, 936, 2396, 313, 1195, 11023, 718, 1375, 11023, 334, 7442, 29889, 6333, 29898, 558, 865, 29889, 9502, 29898, 29876, 29918, 28084, 29892, 29871, 29896, 511, 13, 462, 462, 632, 7442, 29889, 2873, 3552, 29896, 29892, 302, 29918, 22100, 13697, 3579, 29871, 29906, 29892, 13, 4706, 525, 29873, 1000, 2396, 313, 5675, 29918, 1028, 29881, 29918, 5344, 29898, 29876, 29918, 22100, 29892, 4036, 29918, 3859, 29922, 558, 865, 29897, 13, 462, 718, 1375, 11023, 334, 7442, 29889, 1032, 29872, 29898, 29876, 29918, 22100, 8243, 13, 4706, 525, 6051, 351, 2396, 313, 1195, 11023, 718, 1375, 11023, 334, 544, 865, 29889, 9502, 29898, 29876, 29918, 28084, 29892, 302, 29918, 22100, 876, 3579, 29871, 29906, 29892, 13, 4706, 525, 8159, 2396, 7442, 29889, 2378, 29898, 13, 9651, 518, 5675, 29918, 1028, 29881, 29918, 5344, 29898, 29876, 29918, 22100, 29892, 4036, 29918, 3859, 29922, 558, 865, 29897, 13, 632, 718, 1375, 11023, 334, 7442, 29889, 1032, 29872, 29898, 29876, 29918, 22100, 29897, 363, 921, 297, 3464, 29898, 29876, 29918, 28084, 29897, 2314, 13, 1678, 500, 29961, 24542, 279, 8837, 29918, 1853, 29962, 13, 1678, 330, 29889, 705, 5861, 29918, 353, 4226, 675, 29898, 558, 865, 29889, 9502, 29898, 29876, 29918, 28084, 876, 13, 1678, 736, 330, 13, 13, 13, 1990, 402, 7428, 29950, 7428, 3057, 29924, 861, 262, 29898, 3318, 1125, 13, 1678, 822, 731, 3373, 29898, 1311, 1125, 13, 4706, 1583, 29889, 558, 865, 353, 7442, 29889, 8172, 29889, 17875, 2792, 29898, 29929, 29897, 13, 4706, 1583, 29889, 29876, 29918, 14036, 353, 29871, 29941, 13, 4706, 1583, 29889, 29876, 29918, 28084, 353, 29871, 29906, 13, 4706, 1583, 29889, 29876, 29918, 22100, 353, 29871, 29906, 13, 4706, 1583, 29889, 24542, 279, 8837, 29918, 1853, 353, 525, 6051, 351, 29915, 13, 4706, 1583, 29889, 2962, 22795, 353, 1583, 29889, 558, 865, 29889, 9502, 29898, 1311, 29889, 29876, 29918, 14036, 29897, 13, 4706, 1583, 29889, 2962, 22795, 353, 1583, 29889, 2962, 22795, 847, 1583, 29889, 2962, 22795, 29889, 2083, 580, 13, 4706, 1583, 29889, 3286, 2922, 353, 1583, 29889, 558, 865, 29889, 9502, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 1583, 29889, 29876, 29918, 14036, 29897, 13, 4706, 1583, 29889, 3286, 2922, 847, 29922, 7442, 29889, 29873, 488, 29898, 1311, 29889, 3286, 2922, 29889, 2083, 29898, 8990, 29922, 29896, 29897, 7503, 29892, 7442, 29889, 1482, 8990, 1402, 13, 462, 462, 313, 29896, 29892, 1583, 29889, 29876, 29918, 14036, 876, 13, 13, 4706, 1583, 29889, 29887, 29885, 1516, 353, 5159, 13, 4706, 363, 2106, 297, 3464, 29898, 1311, 29889, 29876, 29918, 14036, 1125, 13, 9651, 1583, 29889, 29887, 29885, 1516, 29889, 4397, 29898, 3258, 29918, 8172, 29918, 29887, 4317, 29898, 13, 18884, 1583, 29889, 29876, 29918, 28084, 29892, 1583, 29889, 29876, 29918, 22100, 29892, 1583, 29889, 24542, 279, 8837, 29918, 1853, 29892, 13, 18884, 544, 865, 29922, 1311, 29889, 558, 865, 876, 13, 13, 1678, 822, 1243, 29918, 13628, 29918, 27736, 29918, 392, 29918, 13808, 29898, 1311, 1125, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 7428, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29897, 13, 4706, 298, 29889, 2962, 22795, 29918, 353, 1583, 29889, 2962, 22795, 13, 4706, 298, 29889, 3286, 2922, 29918, 353, 1583, 29889, 3286, 2922, 13, 4706, 298, 29889, 29887, 29885, 1516, 29918, 353, 1583, 29889, 29887, 29885, 1516, 13, 13, 4706, 396, 8561, 1854, 278, 2794, 526, 2215, 12435, 577, 10368, 18930, 29889, 1191, 3317, 580, 13, 4706, 396, 5839, 29879, 278, 3935, 4163, 1304, 304, 5706, 278, 13917, 29889, 13, 4706, 363, 330, 297, 298, 29889, 29887, 29885, 1516, 29918, 29901, 13, 9651, 330, 29889, 1004, 550, 29918, 334, 29922, 29871, 29906, 29900, 13, 13, 4706, 2143, 6112, 968, 29939, 353, 7442, 29889, 14358, 29898, 9302, 29889, 279, 927, 29898, 1311, 29889, 29876, 29918, 14036, 511, 29871, 29945, 29897, 13, 4706, 302, 29918, 27736, 353, 7431, 29898, 999, 6112, 968, 29939, 29897, 13, 4706, 1060, 353, 518, 29882, 29889, 29887, 29885, 1516, 29918, 29961, 29916, 1822, 11249, 29898, 29896, 29892, 4036, 29918, 3859, 29922, 1311, 29889, 558, 865, 467, 1579, 8606, 580, 13, 632, 363, 921, 297, 2143, 6112, 968, 29939, 29962, 13, 13, 4706, 903, 645, 29892, 10368, 18930, 353, 298, 29889, 13628, 29918, 27736, 29898, 29990, 29897, 13, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2490, 13613, 943, 29889, 12181, 29892, 313, 29876, 29918, 27736, 29892, 1583, 29889, 29876, 29918, 14036, 876, 13, 4706, 4974, 29918, 2378, 29918, 284, 3242, 29918, 11745, 29898, 2490, 13613, 943, 29889, 2083, 29898, 8990, 29922, 29896, 511, 7442, 29889, 2873, 29898, 29876, 29918, 27736, 876, 13, 13, 4706, 903, 1188, 22795, 29892, 1002, 968, 29939, 353, 298, 29889, 13808, 29898, 29990, 29897, 13, 4706, 4974, 29918, 2378, 29918, 11745, 29898, 6112, 968, 29939, 29892, 2143, 6112, 968, 29939, 29897, 13, 13, 1678, 822, 1243, 29918, 11249, 29898, 1311, 29892, 302, 29922, 29896, 29900, 29900, 29900, 1125, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 7428, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 18838, 279, 8837, 29918, 1853, 29922, 1311, 29889, 24542, 279, 8837, 29918, 1853, 29897, 13, 4706, 298, 29889, 2962, 22795, 29918, 353, 1583, 29889, 2962, 22795, 13, 4706, 298, 29889, 3286, 2922, 29918, 353, 1583, 29889, 3286, 2922, 13, 4706, 298, 29889, 29887, 29885, 1516, 29918, 353, 1583, 29889, 29887, 29885, 1516, 13, 4706, 1060, 29892, 2106, 29918, 16506, 353, 298, 29889, 11249, 29898, 29876, 29892, 4036, 29918, 3859, 29922, 1311, 29889, 558, 865, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 29990, 29889, 12181, 29892, 313, 29876, 29892, 1583, 29889, 29876, 29918, 22100, 876, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2435, 29898, 3859, 29918, 16506, 511, 302, 29897, 13, 13, 1678, 822, 1243, 29918, 9202, 29898, 1311, 29892, 8636, 2433, 303, 29885, 29893, 29883, 742, 302, 29918, 1524, 29922, 29945, 29892, 26952, 29922, 8824, 29892, 3579, 19290, 1125, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 7428, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 18838, 1503, 29918, 29886, 13479, 29922, 29896, 29889, 29900, 29897, 13, 4706, 298, 29889, 2962, 22795, 29918, 353, 1583, 29889, 2962, 22795, 13, 4706, 298, 29889, 3286, 2922, 29918, 353, 4226, 675, 29898, 13, 9651, 1583, 29889, 3286, 2922, 718, 7442, 29889, 6051, 351, 29898, 1311, 29889, 558, 865, 29889, 9502, 29898, 1311, 29889, 29876, 29918, 14036, 8243, 29871, 29896, 29897, 13, 4706, 298, 29889, 29887, 29885, 1516, 29918, 353, 1583, 29889, 29887, 29885, 1516, 13, 13, 4706, 27497, 353, 518, 29896, 29900, 29962, 334, 29871, 29896, 29900, 13, 4706, 1060, 29892, 903, 3859, 29918, 16506, 353, 298, 29889, 11249, 29898, 2083, 29898, 2848, 29879, 511, 4036, 29918, 3859, 29922, 1311, 29889, 558, 865, 29897, 13, 13, 4706, 396, 11946, 701, 278, 4128, 322, 1074, 565, 591, 508, 337, 29899, 19668, 963, 29889, 13, 4706, 298, 29889, 29876, 29918, 1524, 353, 29871, 29900, 13, 4706, 298, 29889, 9202, 29898, 29990, 29892, 27497, 29922, 2848, 29879, 29897, 13, 4706, 298, 29889, 3286, 2922, 29918, 353, 4226, 675, 29898, 1311, 29889, 558, 865, 29889, 9502, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 13, 462, 462, 1669, 1583, 29889, 29876, 29918, 14036, 511, 9685, 29922, 29896, 29897, 13, 4706, 298, 29889, 2962, 22795, 29918, 353, 4226, 675, 29898, 1311, 29889, 558, 865, 29889, 9502, 29898, 1311, 29889, 29876, 29918, 14036, 876, 13, 13, 4706, 7945, 645, 353, 6216, 29918, 29882, 4317, 29918, 392, 29918, 3712, 2105, 29918, 1188, 29918, 5081, 22342, 29898, 13, 9651, 298, 29892, 1060, 29892, 27497, 29922, 2848, 29879, 29892, 302, 29918, 1524, 29922, 29876, 29918, 1524, 29897, 13, 4706, 565, 451, 7442, 29889, 497, 29898, 9302, 29889, 12765, 29898, 14968, 645, 29897, 1405, 29871, 29900, 29897, 322, 26952, 29901, 13, 9651, 1596, 877, 3057, 7945, 29901, 313, 29995, 29879, 2144, 29876, 29871, 1273, 29879, 29905, 29876, 29871, 1273, 29879, 29915, 1273, 313, 7529, 29892, 7945, 645, 29892, 13, 462, 462, 462, 1678, 7442, 29889, 12765, 29898, 14968, 645, 4961, 13, 13, 4706, 396, 22615, 29901, 445, 1243, 5692, 304, 1423, 393, 6694, 1480, 4188, 22342, 881, 13, 4706, 396, 2360, 367, 9263, 5832, 313, 786, 304, 263, 20341, 749, 310, 29871, 29900, 29889, 29945, 29892, 2020, 7897, 541, 445, 338, 451, 13, 4706, 396, 278, 1206, 746, 278, 16717, 3620, 29889, 13, 4706, 12020, 4971, 666, 3057, 703, 2525, 13844, 1243, 29901, 7945, 645, 338, 451, 2337, 10231, 376, 13, 462, 539, 376, 2716, 2548, 373, 16717, 1159, 13, 13, 4706, 1583, 29889, 9294, 5574, 29898, 9302, 29889, 497, 29898, 9302, 29889, 12765, 29898, 14968, 645, 29897, 1405, 448, 29900, 29889, 29945, 876, 13, 13, 1678, 822, 1243, 29918, 9202, 29918, 13129, 29918, 265, 29918, 6831, 2063, 29918, 974, 29918, 29881, 15622, 29918, 2848, 29898, 1311, 1125, 13, 4706, 27497, 353, 518, 29941, 29892, 29871, 29946, 29892, 29871, 29945, 29962, 13, 4706, 1060, 353, 1583, 29889, 558, 865, 29889, 9502, 29898, 2083, 29898, 2848, 29879, 511, 1583, 29889, 29876, 29918, 22100, 29897, 13, 13, 4706, 298, 353, 298, 4317, 29889, 29954, 7428, 29950, 7428, 29898, 1311, 29889, 29876, 29918, 14036, 29892, 18838, 279, 8837, 29918, 1853, 29922, 1311, 29889, 24542, 279, 8837, 29918, 1853, 29897, 13, 4706, 396, 910, 9273, 29915, 29873, 12020, 13, 4706, 396, 7865, 2392, 29901, 4444, 385, 1409, 1543, 411, 263, 5665, 29889, 13, 4706, 298, 29889, 9202, 29898, 29990, 29892, 27497, 29922, 2848, 29879, 29897, 13, 13, 13, 1990, 4321, 29954, 7428, 29950, 7428, 3047, 12130, 351, 29907, 586, 1503, 29898, 29954, 7428, 29950, 7428, 3057, 29924, 861, 262, 29892, 4321, 8259, 1125, 13, 1678, 18838, 279, 8837, 29918, 1853, 353, 525, 6051, 351, 29915, 13, 13, 1678, 822, 1243, 29918, 9202, 29918, 2962, 22795, 29918, 392, 29918, 3286, 2922, 29898, 1311, 1125, 13, 4706, 1583, 29889, 1688, 29918, 9202, 877, 303, 1495, 13, 13, 1678, 822, 1243, 29918, 9202, 29918, 1004, 550, 29898, 1311, 1125, 13, 4706, 1583, 29889, 1688, 29918, 9202, 877, 29885, 1495, 13, 13, 13, 1990, 4321, 29954, 7428, 29950, 7428, 3047, 29911, 1000, 29907, 586, 1503, 29898, 29954, 7428, 29950, 7428, 3057, 29924, 861, 262, 29892, 4321, 8259, 1125, 13, 1678, 18838, 279, 8837, 29918, 1853, 353, 525, 29873, 1000, 29915, 13, 13, 13, 1990, 4321, 29954, 7428, 29950, 7428, 3047, 13658, 29907, 586, 1503, 29898, 29954, 7428, 29950, 7428, 3057, 29924, 861, 262, 29892, 4321, 8259, 1125, 13, 1678, 18838, 279, 8837, 29918, 1853, 353, 525, 8159, 29915, 13, 2 ]
classifier/vec/get_embedding_matrix.py
banboooo044/natural-language-sentiment-anaysis
0
186126
<reponame>banboooo044/natural-language-sentiment-anaysis # Word2vec, Fasttext の単語分散表現から文章分散表現を取得 ## 学習済みモデルをそのまま使う場合: ## word2vec : python3 get_embedding_matrix word2vec ## fasttext : python3 get_embedding_matrix fasttext ## fasttext+neologd : python3 get_embedding_matrix fasttext-neologd ## 自分で学習した [filename].model を使う場合 ## python3 get_embedding_matrix filename ## modelファイルの形式によっては, 関数load_model をいじらないとダメかもしれない. import sys, re import numpy as np import pandas as pd import logging from gensim.models import Word2Vec,KeyedVectors from sklearn.preprocessing import normalize import warnings warnings.simplefilter('ignore', DeprecationWarning) """ This is a model which is described in "Baseline Needs More Love: On Simple Word-Embedding-Based Models and Associated Pooling Mechanisms" See for details https://arxiv.org/pdf/1805.09843.pdf """ # SWEM - hier def hier(vecs, n=2): sz, k = vecs.shape ret = np.ones((1, k)) * (-np.inf) if sz == 1: vecs = np.vstack((vecs, np.zeros((2, k)))) elif sz == 2: vecs = np.vstack((vecs, np.zeros(k))) sz, k = vecs.shape for i in range(sz - n + 1): ret = np.max(np.vstack((ret, np.mean(vecs[i:i+n], axis=0))), axis=0) return ret def load_model(path): model = KeyedVectors.load(f'./{path}.model') return model # ベクトルを作る def createVector(df, model, num_features): print("create vector ... ") x_mean = np.zeros((len(df), num_features)) x_max = np.zeros((len(df), num_features)) x_hier = np.zeros((len(df), num_features)) for idx, (text, label, _) in df.iterrows(): tmp = np.array([ np.array(model.wv[word]) if word in model.wv.vocab else np.random.randn(num_features) for word in text.split(",") ]) if len(tmp) != 0: # SWEM-aver x_mean[idx] = np.mean(tmp, axis=0).reshape(1, num_features) # SWEM-max x_max[idx] = np.max(tmp, axis=0).reshape(1, num_features) # SWEM-hier x_hier[idx] = hier(tmp, n=2) return x_mean, x_max, x_hier if __name__ == "__main__": PATH = "../data/corpus-wakati-juman.tsv" df = pd.read_table(PATH, index_col=0) df = df[~pd.isnull(df["text"])] token = df["text"].apply(lambda x: x.split(",")) args = sys.argv # Word2vec if args[1] == "word2vec": model = KeyedVectors.load_word2vec_format('./word2vec_pre/entity_vector.model.bin', binary=True) OUTPUT_FILENAME = "word2vec" # Fasttext elif args[1] == "fasttext": model = KeyedVectors.load_word2vec_format('./fasttext_pre/fasttext.vec', binary=False) OUTPUT_FILENAME = "fasttext" # Fasttext + neologd辞書 elif args[1] == "fasttext-neologd": model = KeyedVectors.load_word2vec_format('./fasttext_pre/fasttext-neologd.vec', binary=False) OUTPUT_FILENAME = "fasttext-neologd" # その他 else: model = load_model(args[1]) OUTPUT_FILENAME = input("[filename].model") x_mean, x_max, x_hier = createVector(df, model, num_features=model.vector_size) np.save(f"./{OUTPUT_FILENAME}_aver.npy", x_mean) np.save(f"./{OUTPUT_FILENAME}_max.npy", x_max) np.save(f"./{OUTPUT_FILENAME}_hier.npy", x_hier)
[ 1, 529, 276, 1112, 420, 29958, 2571, 833, 3634, 29877, 29900, 29946, 29946, 29914, 25047, 29899, 11675, 29899, 18616, 2073, 29899, 273, 1036, 275, 13, 29937, 10803, 29906, 2003, 29892, 23786, 726, 29871, 30199, 232, 144, 155, 30968, 30748, 233, 152, 166, 30746, 31928, 30412, 30513, 30333, 31374, 30748, 233, 152, 166, 30746, 31928, 30396, 30683, 31050, 13, 13, 2277, 29871, 30415, 234, 194, 149, 233, 187, 139, 30735, 30761, 30597, 30258, 30396, 31110, 30199, 30441, 30441, 30785, 30465, 31045, 30733, 29901, 13, 2277, 1734, 29906, 2003, 584, 3017, 29941, 679, 29918, 17987, 8497, 29918, 5344, 1734, 29906, 2003, 13, 2277, 5172, 726, 584, 3017, 29941, 679, 29918, 17987, 8497, 29918, 5344, 5172, 726, 13, 2277, 5172, 726, 29974, 484, 1189, 29881, 584, 3017, 29941, 679, 29918, 17987, 8497, 29918, 5344, 5172, 726, 29899, 484, 1189, 29881, 13, 13, 2277, 29871, 30688, 30748, 30499, 30415, 234, 194, 149, 30326, 30366, 518, 9507, 1822, 4299, 29871, 30396, 30785, 30465, 31045, 30733, 13, 2277, 3017, 29941, 679, 29918, 17987, 8497, 29918, 5344, 10422, 13, 2277, 1904, 30423, 30897, 30260, 30258, 30199, 31305, 30607, 30353, 30787, 30665, 30466, 30449, 29892, 29871, 31606, 30354, 1359, 29918, 4299, 29871, 30396, 30298, 31115, 30513, 30371, 30298, 30364, 30617, 30604, 30412, 30723, 30326, 30553, 30371, 30298, 29889, 13, 13, 5215, 10876, 29892, 337, 13, 5215, 12655, 408, 7442, 13, 5215, 11701, 408, 10518, 13, 5215, 12183, 13, 3166, 26943, 326, 29889, 9794, 1053, 10803, 29906, 25987, 29892, 2558, 287, 29963, 11142, 13, 3166, 2071, 19668, 29889, 1457, 19170, 1053, 4226, 675, 13, 5215, 18116, 13, 25442, 886, 29889, 12857, 4572, 877, 17281, 742, 897, 1457, 9252, 22709, 29897, 13, 13, 15945, 29908, 29871, 13, 4013, 338, 263, 1904, 607, 338, 5439, 297, 376, 9496, 5570, 2448, 5779, 5853, 8155, 29901, 1551, 12545, 10803, 29899, 6026, 2580, 8497, 29899, 29933, 1463, 3382, 1379, 322, 6853, 630, 28625, 292, 27439, 12903, 29908, 13, 13393, 29871, 363, 4902, 2045, 597, 279, 26560, 29889, 990, 29914, 5140, 29914, 29896, 29947, 29900, 29945, 29889, 29900, 29929, 29947, 29946, 29941, 29889, 5140, 13, 15945, 29908, 13, 13, 29937, 317, 8851, 29924, 448, 6128, 13, 1753, 6128, 29898, 2003, 29879, 29892, 302, 29922, 29906, 1125, 13, 1678, 2268, 29892, 413, 353, 9649, 29879, 29889, 12181, 13, 1678, 3240, 353, 7442, 29889, 2873, 3552, 29896, 29892, 413, 876, 334, 8521, 9302, 29889, 7192, 29897, 13, 1678, 565, 2268, 1275, 29871, 29896, 29901, 13, 4706, 9649, 29879, 353, 7442, 29889, 29894, 1429, 3552, 2003, 29879, 29892, 7442, 29889, 3298, 359, 3552, 29906, 29892, 413, 13697, 13, 1678, 25342, 2268, 1275, 29871, 29906, 29901, 13, 4706, 9649, 29879, 353, 7442, 29889, 29894, 1429, 3552, 2003, 29879, 29892, 7442, 29889, 3298, 359, 29898, 29895, 4961, 13, 1678, 2268, 29892, 413, 353, 9649, 29879, 29889, 12181, 13, 1678, 363, 474, 297, 3464, 29898, 3616, 448, 302, 718, 29871, 29896, 1125, 13, 4706, 3240, 353, 7442, 29889, 3317, 29898, 9302, 29889, 29894, 1429, 3552, 2267, 29892, 7442, 29889, 12676, 29898, 2003, 29879, 29961, 29875, 29901, 29875, 29974, 29876, 1402, 9685, 29922, 29900, 876, 511, 9685, 29922, 29900, 29897, 13, 1678, 736, 3240, 13, 13, 1753, 2254, 29918, 4299, 29898, 2084, 1125, 13, 1678, 1904, 353, 7670, 287, 29963, 11142, 29889, 1359, 29898, 29888, 4286, 19248, 2084, 1836, 4299, 1495, 13, 1678, 736, 1904, 13, 268, 13, 29937, 29871, 31061, 30305, 30279, 30258, 30396, 30732, 30332, 13, 1753, 1653, 12877, 29898, 2176, 29892, 1904, 29892, 954, 29918, 22100, 1125, 13, 1678, 1596, 703, 3258, 4608, 2023, 16521, 13, 1678, 921, 29918, 12676, 353, 7442, 29889, 3298, 359, 3552, 2435, 29898, 2176, 511, 954, 29918, 22100, 876, 13, 1678, 921, 29918, 3317, 353, 7442, 29889, 3298, 359, 3552, 2435, 29898, 2176, 511, 954, 29918, 22100, 876, 13, 1678, 921, 29918, 29882, 631, 353, 7442, 29889, 3298, 359, 3552, 2435, 29898, 2176, 511, 954, 29918, 22100, 876, 13, 1678, 363, 22645, 29892, 313, 726, 29892, 3858, 29892, 24459, 297, 4489, 29889, 1524, 5727, 7295, 13, 4706, 13128, 353, 7442, 29889, 2378, 4197, 7442, 29889, 2378, 29898, 4299, 29889, 29893, 29894, 29961, 1742, 2314, 565, 1734, 297, 1904, 29889, 29893, 29894, 29889, 29894, 542, 370, 1683, 7442, 29889, 8172, 29889, 9502, 29876, 29898, 1949, 29918, 22100, 29897, 363, 1734, 297, 1426, 29889, 5451, 28165, 1159, 259, 2314, 13, 4706, 565, 7431, 29898, 7050, 29897, 2804, 29871, 29900, 29901, 13, 9651, 396, 317, 8851, 29924, 29899, 12483, 13, 9651, 921, 29918, 12676, 29961, 13140, 29962, 353, 7442, 29889, 12676, 29898, 7050, 29892, 9685, 29922, 29900, 467, 690, 14443, 29898, 29896, 29892, 954, 29918, 22100, 29897, 13, 9651, 396, 317, 8851, 29924, 29899, 3317, 13, 9651, 921, 29918, 3317, 29961, 13140, 29962, 353, 7442, 29889, 3317, 29898, 7050, 29892, 9685, 29922, 29900, 467, 690, 14443, 29898, 29896, 29892, 954, 29918, 22100, 29897, 13, 9651, 396, 317, 8851, 29924, 29899, 29882, 631, 13, 9651, 921, 29918, 29882, 631, 29961, 13140, 29962, 353, 6128, 29898, 7050, 29892, 302, 29922, 29906, 29897, 13, 1678, 736, 921, 29918, 12676, 29892, 921, 29918, 3317, 29892, 921, 29918, 29882, 631, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 1678, 23611, 353, 376, 6995, 1272, 29914, 2616, 13364, 29899, 29893, 557, 2219, 29899, 29926, 7889, 29889, 1372, 29894, 29908, 13, 1678, 4489, 353, 10518, 29889, 949, 29918, 2371, 29898, 10145, 29892, 2380, 29918, 1054, 29922, 29900, 29897, 13, 1678, 4489, 353, 4489, 29961, 30022, 15926, 29889, 275, 4304, 29898, 2176, 3366, 726, 20068, 29962, 13, 1678, 5993, 353, 4489, 3366, 726, 16862, 7302, 29898, 2892, 921, 29901, 921, 29889, 5451, 29898, 3284, 876, 13, 13, 1678, 6389, 353, 10876, 29889, 19218, 13, 1678, 396, 10803, 29906, 2003, 13, 1678, 565, 6389, 29961, 29896, 29962, 1275, 376, 1742, 29906, 2003, 1115, 13, 4706, 1904, 353, 7670, 287, 29963, 11142, 29889, 1359, 29918, 1742, 29906, 2003, 29918, 4830, 877, 6904, 1742, 29906, 2003, 29918, 1457, 29914, 10041, 29918, 8111, 29889, 4299, 29889, 2109, 742, 7581, 29922, 5574, 29897, 13, 4706, 19474, 12336, 29918, 7724, 5813, 353, 376, 1742, 29906, 2003, 29908, 13, 1678, 396, 23786, 726, 13, 1678, 25342, 6389, 29961, 29896, 29962, 1275, 376, 11255, 726, 1115, 13, 4706, 1904, 353, 7670, 287, 29963, 11142, 29889, 1359, 29918, 1742, 29906, 2003, 29918, 4830, 877, 6904, 11255, 726, 29918, 1457, 29914, 11255, 726, 29889, 2003, 742, 7581, 29922, 8824, 29897, 13, 4706, 19474, 12336, 29918, 7724, 5813, 353, 376, 11255, 726, 29908, 13, 1678, 396, 23786, 726, 718, 452, 1189, 29881, 235, 193, 161, 30854, 13, 1678, 25342, 6389, 29961, 29896, 29962, 1275, 376, 11255, 726, 29899, 484, 1189, 29881, 1115, 13, 4706, 1904, 353, 7670, 287, 29963, 11142, 29889, 1359, 29918, 1742, 29906, 2003, 29918, 4830, 877, 6904, 11255, 726, 29918, 1457, 29914, 11255, 726, 29899, 484, 1189, 29881, 29889, 2003, 742, 7581, 29922, 8824, 29897, 13, 4706, 19474, 12336, 29918, 7724, 5813, 353, 376, 11255, 726, 29899, 484, 1189, 29881, 29908, 13, 1678, 396, 29871, 31110, 30199, 31221, 13, 1678, 1683, 29901, 13, 4706, 1904, 353, 2254, 29918, 4299, 29898, 5085, 29961, 29896, 2314, 13, 4706, 19474, 12336, 29918, 7724, 5813, 353, 1881, 703, 29961, 9507, 1822, 4299, 1159, 13, 13, 1678, 921, 29918, 12676, 29892, 921, 29918, 3317, 29892, 921, 29918, 29882, 631, 353, 1653, 12877, 29898, 2176, 29892, 1904, 29892, 954, 29918, 22100, 29922, 4299, 29889, 8111, 29918, 2311, 29897, 13, 13, 1678, 7442, 29889, 7620, 29898, 29888, 1642, 19248, 12015, 12336, 29918, 7724, 5813, 2403, 12483, 29889, 29876, 2272, 613, 921, 29918, 12676, 29897, 13, 1678, 7442, 29889, 7620, 29898, 29888, 1642, 19248, 12015, 12336, 29918, 7724, 5813, 2403, 3317, 29889, 29876, 2272, 613, 921, 29918, 3317, 29897, 13, 1678, 7442, 29889, 7620, 29898, 29888, 1642, 19248, 12015, 12336, 29918, 7724, 5813, 2403, 29882, 631, 29889, 29876, 2272, 613, 921, 29918, 29882, 631, 29897, 2 ]
one_point_stats/stats/noise.py
piyanatk/one_point_stats
0
165997
import numpy as np from scipy.stats import skew, kurtosis __all__ = ['sky_noise_error', 'propagate_noise_error', 'mcnoise'] def sky_noise_error(nu_obs, nu_emit, nu_ch_bw, tint, a_eff, n_station, bmax): """Calculate instrument noise error of an interferometer. This assume that Tsys is dominated by Tsky. (see Furlanetto et al. (2006) section 9) Parameters ---------- nu_obs : float or array-like Observing frequency in [MHz]. Can be array-like to compute noise at multiple frequencies. nu_emit : float Emitted frequency of the observed spectral line in [MHz]. nu_ch_bw : float Observed frequency channel bandwidth in [MHz]. tint : float, optional Integration time. Default is 1000. [hours] a_eff : float Effective area of a station in [m**2]. n_station : integer Number of antennas (or stations in case of a phase-array). bmax : float Maximum baseline length of the array in [wavelength]. Returns ------- Noise error (standard deviation) in [mK] in the same format as nu_obs. """ nu_obs = np.asarray(nu_obs) a_tot = a_eff * n_station z = (nu_emit / nu_obs) - 1. theta = 1.22 / bmax * 60 * 180 / np.pi err = 2.9 * (1.e5 / a_tot) * (10. / theta) ** 2 * \ ((1 + z) / 10.0) ** 4.6 * np.sqrt(100. / (nu_ch_bw * tint)) return err def propagate_noise_error(noise_err, m2, m3, m4, m6, npix): """Analytically propagate error to variance and skewness. Based on error propagation described in the appendix of Watkinson & Pritchard (2014) Parameters ---------- noise_err : float or array-like Noise error. m2 : float 2nd moment of the data m3 : float 3rd moment of the data m4 : float 4th moment of the data m6 : float 6th moment of the data npix : int Number of pixels in the data Returns ------- Error of 2nd moment, 3rd moment and skewness. """ noise_var = np.asarray(noise_err) ** 2 m2_var = (2. / npix) * (2 * m2 * noise_var + noise_var ** 2) m3_var = (3. / npix) * (3 * noise_var * m4 + 12 * m2 * noise_var ** 2 + 5 * noise_var ** 3) m4_var = (8. / npix) * (2 * m6 * noise_var + 21 * m4 * noise_var ** 2 + 48 * m2 * noise_var ** 3 + 12 * noise_var ** 4) m2m3_cov = (6 / npix) * m3 * noise_var m2m4_cov = (4. / npix) * (2 * m4 * noise_var + 9 * m2 * noise_var ** 2 + 3 * noise_var ** 3) skew_var = (m3_var / (m2 ** 3)) + \ ((9 * m3 ** 2 * m2_var) / (4 * m2 ** 5)) - \ (3 * m3 * m2m3_cov / (m2 ** 4)) kurt_var = (1. / m2 ** 4) * m4_var + 4 * (m4 ** 2 / m2 ** 6) * m2_var - \ 4 * (m4 / m2 ** 5) * m2m4_cov return np.sqrt(m2_var), np.sqrt(skew_var), np.sqrt(kurt_var) def mcnoise(data, noise_std, n, noise_scaling=1.): """ Parameters ---------- data : ndarray Array of data. noise_std : float Standard deviation of the noise n : int Number of repetition noise_scaling: float Scaling factor for noise Returns ------- variance, variance error, skewness, skewness error, kurtosis, kurtosis error """ noise_arr = np.random.normal(0, noise_std, (n, data.size)) * noise_scaling var_sample = np.var(data + noise_arr, axis=1) skew_sample = skew(data + noise_arr, axis=1) kurt_sample = kurtosis(data + noise_arr, axis=1) var_val = np.mean(var_sample) skew_val = np.mean(skew_sample) kurt_val = np.mean(kurt_sample) var_err = np.std(var_sample) skew_err = np.std(skew_sample) kurt_err = np.std(kurt_sample) return var_val, var_err, skew_val, skew_err, kurt_val, kurt_err
[ 1, 1053, 12655, 408, 7442, 13, 3166, 4560, 2272, 29889, 16202, 1053, 18109, 29893, 29892, 413, 4227, 19263, 13, 13, 1649, 497, 1649, 353, 6024, 7912, 29918, 1217, 895, 29918, 2704, 742, 525, 7728, 351, 403, 29918, 1217, 895, 29918, 2704, 742, 525, 14047, 1217, 895, 2033, 13, 13, 13, 1753, 14744, 29918, 1217, 895, 29918, 2704, 29898, 3433, 29918, 26290, 29892, 4948, 29918, 21976, 29892, 4948, 29918, 305, 29918, 29890, 29893, 29892, 260, 524, 29892, 263, 29918, 12352, 29892, 302, 29918, 19569, 29892, 289, 3317, 1125, 13, 1678, 9995, 27065, 403, 11395, 11462, 1059, 310, 385, 1006, 571, 8328, 29889, 13, 13, 1678, 910, 5251, 393, 323, 9675, 338, 8022, 630, 491, 323, 7912, 29889, 13, 1678, 313, 4149, 383, 2271, 273, 8563, 634, 394, 29889, 313, 29906, 29900, 29900, 29953, 29897, 4004, 29871, 29929, 29897, 13, 13, 1678, 12662, 2699, 13, 1678, 448, 1378, 29899, 13, 1678, 4948, 29918, 26290, 584, 5785, 470, 1409, 29899, 4561, 13, 4706, 4250, 643, 1747, 10868, 297, 518, 29924, 12661, 1822, 13, 4706, 1815, 367, 1409, 29899, 4561, 304, 10272, 11462, 472, 2999, 29511, 29889, 13, 1678, 4948, 29918, 21976, 584, 5785, 13, 4706, 2812, 4430, 10868, 310, 278, 8900, 23161, 1196, 297, 518, 29924, 12661, 1822, 13, 1678, 4948, 29918, 305, 29918, 29890, 29893, 584, 5785, 13, 4706, 4250, 643, 1490, 10868, 8242, 3719, 2103, 297, 518, 29924, 12661, 1822, 13, 1678, 260, 524, 584, 5785, 29892, 13136, 13, 4706, 17100, 362, 931, 29889, 13109, 338, 29871, 29896, 29900, 29900, 29900, 29889, 518, 29882, 2470, 29962, 13, 1678, 263, 29918, 12352, 584, 5785, 13, 4706, 26475, 573, 4038, 310, 263, 5073, 297, 518, 29885, 1068, 29906, 1822, 13, 1678, 302, 29918, 19569, 584, 6043, 13, 4706, 9681, 310, 25504, 22911, 313, 272, 16355, 297, 1206, 310, 263, 8576, 29899, 2378, 467, 13, 1678, 289, 3317, 584, 5785, 13, 4706, 5918, 12539, 2362, 5570, 3309, 310, 278, 1409, 297, 518, 29893, 6447, 1477, 1822, 13, 1678, 16969, 13, 1678, 448, 22158, 13, 1678, 1939, 895, 1059, 313, 15770, 29522, 29897, 297, 518, 29885, 29968, 29962, 297, 278, 1021, 3402, 408, 4948, 29918, 26290, 29889, 13, 13, 1678, 9995, 13, 1678, 4948, 29918, 26290, 353, 7442, 29889, 294, 2378, 29898, 3433, 29918, 26290, 29897, 13, 1678, 263, 29918, 4260, 353, 263, 29918, 12352, 334, 302, 29918, 19569, 13, 1678, 503, 353, 313, 3433, 29918, 21976, 847, 4948, 29918, 26290, 29897, 448, 29871, 29896, 29889, 13, 1678, 278, 941, 353, 29871, 29896, 29889, 29906, 29906, 847, 289, 3317, 334, 29871, 29953, 29900, 334, 29871, 29896, 29947, 29900, 847, 7442, 29889, 1631, 13, 1678, 4589, 353, 29871, 29906, 29889, 29929, 334, 313, 29896, 29889, 29872, 29945, 847, 263, 29918, 4260, 29897, 334, 313, 29896, 29900, 29889, 847, 278, 941, 29897, 3579, 29871, 29906, 334, 320, 13, 4706, 5135, 29896, 718, 503, 29897, 847, 29871, 29896, 29900, 29889, 29900, 29897, 3579, 29871, 29946, 29889, 29953, 334, 7442, 29889, 3676, 29898, 29896, 29900, 29900, 29889, 847, 313, 3433, 29918, 305, 29918, 29890, 29893, 334, 260, 524, 876, 13, 1678, 736, 4589, 13, 13, 13, 1753, 13089, 403, 29918, 1217, 895, 29918, 2704, 29898, 1217, 895, 29918, 3127, 29892, 286, 29906, 29892, 286, 29941, 29892, 286, 29946, 29892, 286, 29953, 29892, 7442, 861, 1125, 13, 1678, 9995, 21067, 3637, 1711, 13089, 403, 1059, 304, 20162, 322, 18109, 1233, 404, 29889, 13, 13, 1678, 16564, 373, 1059, 13089, 362, 5439, 297, 278, 9773, 861, 310, 13, 1678, 14269, 9089, 1100, 669, 349, 768, 305, 538, 313, 29906, 29900, 29896, 29946, 29897, 13, 13, 1678, 12662, 2699, 13, 1678, 448, 1378, 29899, 13, 1678, 11462, 29918, 3127, 584, 5785, 470, 1409, 29899, 4561, 13, 4706, 1939, 895, 1059, 29889, 13, 1678, 286, 29906, 584, 5785, 13, 308, 29906, 299, 3256, 310, 278, 848, 13, 1678, 286, 29941, 584, 5785, 13, 308, 29941, 5499, 3256, 310, 278, 848, 13, 1678, 286, 29946, 584, 5785, 13, 308, 29946, 386, 3256, 310, 278, 848, 13, 1678, 286, 29953, 584, 5785, 13, 308, 29953, 386, 3256, 310, 278, 848, 13, 1678, 7442, 861, 584, 938, 13, 4706, 9681, 310, 17036, 297, 278, 848, 13, 1678, 16969, 13, 1678, 448, 22158, 13, 1678, 4829, 310, 29871, 29906, 299, 3256, 29892, 29871, 29941, 5499, 3256, 322, 18109, 1233, 404, 29889, 13, 13, 1678, 9995, 13, 1678, 11462, 29918, 1707, 353, 7442, 29889, 294, 2378, 29898, 1217, 895, 29918, 3127, 29897, 3579, 29871, 29906, 13, 1678, 286, 29906, 29918, 1707, 353, 313, 29906, 29889, 847, 7442, 861, 29897, 334, 313, 29906, 334, 286, 29906, 334, 11462, 29918, 1707, 718, 11462, 29918, 1707, 3579, 29871, 29906, 29897, 13, 1678, 286, 29941, 29918, 1707, 353, 313, 29941, 29889, 847, 7442, 861, 29897, 334, 313, 29941, 334, 11462, 29918, 1707, 334, 286, 29946, 718, 29871, 29896, 29906, 334, 286, 29906, 334, 11462, 29918, 1707, 3579, 29871, 29906, 718, 13, 462, 632, 29945, 334, 11462, 29918, 1707, 3579, 29871, 29941, 29897, 13, 1678, 286, 29946, 29918, 1707, 353, 313, 29947, 29889, 847, 7442, 861, 29897, 334, 313, 29906, 334, 286, 29953, 334, 11462, 29918, 1707, 718, 29871, 29906, 29896, 334, 286, 29946, 334, 11462, 29918, 1707, 3579, 29871, 29906, 718, 13, 462, 632, 29946, 29947, 334, 286, 29906, 334, 11462, 29918, 1707, 3579, 29871, 29941, 718, 29871, 29896, 29906, 334, 11462, 29918, 1707, 3579, 29871, 29946, 29897, 13, 1678, 286, 29906, 29885, 29941, 29918, 24542, 353, 313, 29953, 847, 7442, 861, 29897, 334, 286, 29941, 334, 11462, 29918, 1707, 13, 1678, 286, 29906, 29885, 29946, 29918, 24542, 353, 313, 29946, 29889, 847, 7442, 861, 29897, 334, 313, 29906, 334, 286, 29946, 334, 11462, 29918, 1707, 718, 29871, 29929, 334, 286, 29906, 334, 11462, 29918, 1707, 3579, 29871, 29906, 718, 13, 462, 1669, 29941, 334, 11462, 29918, 1707, 3579, 29871, 29941, 29897, 13, 1678, 18109, 29893, 29918, 1707, 353, 313, 29885, 29941, 29918, 1707, 847, 313, 29885, 29906, 3579, 29871, 29941, 876, 718, 320, 13, 1669, 5135, 29929, 334, 286, 29941, 3579, 29871, 29906, 334, 286, 29906, 29918, 1707, 29897, 847, 313, 29946, 334, 286, 29906, 3579, 29871, 29945, 876, 448, 320, 13, 1669, 313, 29941, 334, 286, 29941, 334, 286, 29906, 29885, 29941, 29918, 24542, 847, 313, 29885, 29906, 3579, 29871, 29946, 876, 13, 1678, 413, 4227, 29918, 1707, 353, 313, 29896, 29889, 847, 286, 29906, 3579, 29871, 29946, 29897, 334, 286, 29946, 29918, 1707, 718, 29871, 29946, 334, 313, 29885, 29946, 3579, 29871, 29906, 847, 286, 29906, 3579, 29871, 29953, 29897, 334, 286, 29906, 29918, 1707, 448, 320, 13, 308, 29946, 334, 313, 29885, 29946, 847, 286, 29906, 3579, 29871, 29945, 29897, 334, 286, 29906, 29885, 29946, 29918, 24542, 13, 1678, 736, 7442, 29889, 3676, 29898, 29885, 29906, 29918, 1707, 511, 7442, 29889, 3676, 29898, 26050, 29893, 29918, 1707, 511, 7442, 29889, 3676, 29898, 29895, 4227, 29918, 1707, 29897, 13, 13, 13, 1753, 286, 29883, 1217, 895, 29898, 1272, 29892, 11462, 29918, 4172, 29892, 302, 29892, 11462, 29918, 19529, 292, 29922, 29896, 9575, 13, 1678, 9995, 13, 1678, 12662, 2699, 13, 1678, 448, 1378, 29899, 13, 1678, 848, 584, 29871, 299, 2378, 13, 4706, 4398, 310, 848, 29889, 13, 1678, 11462, 29918, 4172, 584, 5785, 13, 4706, 10117, 29522, 310, 278, 11462, 13, 1678, 302, 584, 938, 13, 4706, 9681, 310, 21159, 654, 13, 1678, 11462, 29918, 19529, 292, 29901, 5785, 13, 4706, 317, 1052, 292, 7329, 363, 11462, 13, 13, 1678, 16969, 13, 1678, 448, 22158, 13, 1678, 20162, 29892, 20162, 1059, 29892, 18109, 1233, 404, 29892, 18109, 1233, 404, 1059, 29892, 413, 4227, 19263, 29892, 413, 4227, 19263, 1059, 13, 13, 1678, 9995, 13, 1678, 11462, 29918, 2749, 353, 7442, 29889, 8172, 29889, 8945, 29898, 29900, 29892, 11462, 29918, 4172, 29892, 313, 29876, 29892, 848, 29889, 2311, 876, 334, 11462, 29918, 19529, 292, 13, 1678, 722, 29918, 11249, 353, 7442, 29889, 1707, 29898, 1272, 718, 11462, 29918, 2749, 29892, 9685, 29922, 29896, 29897, 13, 1678, 18109, 29893, 29918, 11249, 353, 18109, 29893, 29898, 1272, 718, 11462, 29918, 2749, 29892, 9685, 29922, 29896, 29897, 13, 1678, 413, 4227, 29918, 11249, 353, 413, 4227, 19263, 29898, 1272, 718, 11462, 29918, 2749, 29892, 9685, 29922, 29896, 29897, 13, 1678, 722, 29918, 791, 353, 7442, 29889, 12676, 29898, 1707, 29918, 11249, 29897, 13, 1678, 18109, 29893, 29918, 791, 353, 7442, 29889, 12676, 29898, 26050, 29893, 29918, 11249, 29897, 13, 1678, 413, 4227, 29918, 791, 353, 7442, 29889, 12676, 29898, 29895, 4227, 29918, 11249, 29897, 13, 1678, 722, 29918, 3127, 353, 7442, 29889, 4172, 29898, 1707, 29918, 11249, 29897, 13, 1678, 18109, 29893, 29918, 3127, 353, 7442, 29889, 4172, 29898, 26050, 29893, 29918, 11249, 29897, 13, 1678, 413, 4227, 29918, 3127, 353, 7442, 29889, 4172, 29898, 29895, 4227, 29918, 11249, 29897, 13, 1678, 736, 722, 29918, 791, 29892, 722, 29918, 3127, 29892, 18109, 29893, 29918, 791, 29892, 18109, 29893, 29918, 3127, 29892, 413, 4227, 29918, 791, 29892, 413, 4227, 29918, 3127, 13, 2 ]
data/2019-11-28/openml-datasets-single-column/plot_features_versus_target.py
VIDA-NYU/prida
1
1604003
''' This script gets a file with metadata, learning features, and target values for each line, and plots different features against the target. ''' FEATURE_NAMES = ['query_num_of_columns','query_num_of_rows','query_row_column_ratio','query_max_mean','query_max_outlier_percentage','query_max_skewness','query_max_kurtosis','query_max_unique','candidate_num_of_columns','candidate_num_rows','candidate_row_column_ratio','candidate_max_mean','candidate_max_outlier_percentage','candidate_max_skewness','candidate_max_kurtosis','candidate_max_unique','query_target_max_pearson','query_target_max_spearman','query_target_max_covariance','query_target_max_mutual_info','candidate_target_max_pearson','candidate_target_max_spearman','candidate_target_max_covariance','candidate_target_max_mutual_info','max_pearson_difference', 'containment_fraction'] TARGET_GAIN_IN_R2_SCORE_ID = -1 FIRST_FEATURE_ID = 3 FIRST_TARGET_ID = -4 OUTLIER_THRESHOLD_MAD = 2 OUTLIER_THRESHOLD_ZSCORES = 3 import numpy as np import sys import matplotlib.pyplot as plt from scipy.stats import median_absolute_deviation def normalize(data): max_ = max(data) return [i/max_ for i in data] def remove_outliers_based_on_zscores(x_data, y_data): mean_x = np.mean(x_data) std_x = np.std(x_data) mean_y = np.mean(y_data) std_y = np.std(y_data) filtered_x = [] filtered_y = [] for x, y in zip(x_data, y_data): if np.fabs((x - mean_x)/std_x) < OUTLIER_THRESHOLD_ZSCORES and np.fabs((y - mean_y)/std_y) < OUTLIER_THRESHOLD_ZSCORES: filtered_x.append(x) filtered_y.append(y) return filtered_x, filtered_y def remove_outliers_based_on_mad(x_data, y_data): mad_x = median_absolute_deviation(x_data) median_x = np.median(x_data) mad_y = median_absolute_deviation(y_data) median_y = np.median(y_data) filtered_x = [] filtered_y = [] for x, y in zip(x_data, y_data): if np.fabs((x - median_x)/mad_x) < OUTLIER_THRESHOLD_MAD and np.fabs((y - median_y)/mad_y) < OUTLIER_THRESHOLD_MAD: filtered_x.append(x) filtered_y.append(y) return filtered_x, filtered_y def plot_scatterplot(feature_data, target_data, image_name, xlabel, ylabel): feature_data, target_data = remove_outliers_based_on_zscores(feature_data, target_data) if not feature_data or not target_data: return #plt.scatter(normalize(feature_data), normalize(target_data), alpha=0.5) plt.scatter(feature_data, target_data, alpha=0.5) plt.xlabel(xlabel) plt.ylabel(ylabel) plt.tight_layout() plt.savefig(image_name, dpi=300) plt.close() if __name__ == '__main__': filename = sys.argv[1] lines = open(sys.argv[1]).readlines() features = [] target = [] for line in lines: fields = line.strip().split(',') features.append([float(i) for i in fields[FIRST_FEATURE_ID:FIRST_TARGET_ID]]) target.append(float(fields[TARGET_GAIN_IN_R2_SCORE_ID])) features = np.array(features) target = np.array(target) num_features = features.shape[1] for i in range(num_features): plot_scatterplot(features[:,i], target, FEATURE_NAMES[i] + '_vs_gain_in_r2_score.png', FEATURE_NAMES[i], 'gain_in_r2_score')
[ 1, 14550, 13, 4013, 2471, 4947, 263, 934, 411, 15562, 29892, 6509, 5680, 29892, 322, 3646, 29871, 13, 5975, 363, 1269, 1196, 29892, 322, 24580, 1422, 5680, 2750, 278, 3646, 29889, 13, 13, 12008, 13, 13, 16359, 1299, 11499, 29918, 5813, 29903, 353, 6024, 1972, 29918, 1949, 29918, 974, 29918, 13099, 3788, 1972, 29918, 1949, 29918, 974, 29918, 5727, 3788, 1972, 29918, 798, 29918, 4914, 29918, 3605, 601, 3788, 1972, 29918, 3317, 29918, 12676, 3788, 1972, 29918, 3317, 29918, 449, 4926, 29918, 25376, 482, 3788, 1972, 29918, 3317, 29918, 26050, 1233, 404, 3788, 1972, 29918, 3317, 29918, 29895, 4227, 19263, 3788, 1972, 29918, 3317, 29918, 13092, 3788, 29883, 5380, 403, 29918, 1949, 29918, 974, 29918, 13099, 3788, 29883, 5380, 403, 29918, 1949, 29918, 5727, 3788, 29883, 5380, 403, 29918, 798, 29918, 4914, 29918, 3605, 601, 3788, 29883, 5380, 403, 29918, 3317, 29918, 12676, 3788, 29883, 5380, 403, 29918, 3317, 29918, 449, 4926, 29918, 25376, 482, 3788, 29883, 5380, 403, 29918, 3317, 29918, 26050, 1233, 404, 3788, 29883, 5380, 403, 29918, 3317, 29918, 29895, 4227, 19263, 3788, 29883, 5380, 403, 29918, 3317, 29918, 13092, 3788, 1972, 29918, 5182, 29918, 3317, 29918, 412, 279, 1100, 3788, 1972, 29918, 5182, 29918, 3317, 29918, 5965, 279, 1171, 3788, 1972, 29918, 5182, 29918, 3317, 29918, 24542, 279, 8837, 3788, 1972, 29918, 5182, 29918, 3317, 29918, 6149, 950, 29918, 3888, 3788, 29883, 5380, 403, 29918, 5182, 29918, 3317, 29918, 412, 279, 1100, 3788, 29883, 5380, 403, 29918, 5182, 29918, 3317, 29918, 5965, 279, 1171, 3788, 29883, 5380, 403, 29918, 5182, 29918, 3317, 29918, 24542, 279, 8837, 3788, 29883, 5380, 403, 29918, 5182, 29918, 3317, 29918, 6149, 950, 29918, 3888, 3788, 3317, 29918, 412, 279, 1100, 29918, 29881, 17678, 742, 525, 1285, 475, 358, 29918, 29888, 13857, 2033, 13, 29911, 1718, 7194, 29918, 12739, 1177, 29918, 1177, 29918, 29934, 29906, 29918, 29903, 3217, 1525, 29918, 1367, 353, 448, 29896, 13, 3738, 29934, 1254, 29918, 16359, 1299, 11499, 29918, 1367, 353, 29871, 29941, 13, 3738, 29934, 1254, 29918, 29911, 1718, 7194, 29918, 1367, 353, 448, 29946, 13, 12015, 5265, 1001, 29918, 4690, 1525, 7068, 5607, 29928, 29918, 1529, 29928, 353, 29871, 29906, 13, 12015, 5265, 1001, 29918, 4690, 1525, 7068, 5607, 29928, 29918, 29999, 29903, 3217, 15989, 353, 29871, 29941, 13, 13, 5215, 12655, 408, 7442, 13, 5215, 10876, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 13, 3166, 4560, 2272, 29889, 16202, 1053, 19194, 29918, 23552, 29918, 311, 14641, 13, 13, 1753, 4226, 675, 29898, 1272, 1125, 13, 1678, 4236, 29918, 353, 4236, 29898, 1272, 29897, 13, 1678, 736, 518, 29875, 29914, 3317, 29918, 363, 474, 297, 848, 29962, 13, 13, 1753, 3349, 29918, 449, 27801, 29918, 6707, 29918, 265, 29918, 29920, 1557, 2361, 29898, 29916, 29918, 1272, 29892, 343, 29918, 1272, 1125, 13, 1678, 2099, 29918, 29916, 353, 7442, 29889, 12676, 29898, 29916, 29918, 1272, 29897, 13, 1678, 3659, 29918, 29916, 353, 7442, 29889, 4172, 29898, 29916, 29918, 1272, 29897, 13, 1678, 2099, 29918, 29891, 353, 7442, 29889, 12676, 29898, 29891, 29918, 1272, 29897, 13, 1678, 3659, 29918, 29891, 353, 7442, 29889, 4172, 29898, 29891, 29918, 1272, 29897, 13, 1678, 22289, 29918, 29916, 353, 5159, 13, 1678, 22289, 29918, 29891, 353, 5159, 13, 1678, 363, 921, 29892, 343, 297, 14319, 29898, 29916, 29918, 1272, 29892, 343, 29918, 1272, 1125, 13, 4706, 565, 7442, 29889, 29888, 6897, 3552, 29916, 448, 2099, 29918, 29916, 6802, 4172, 29918, 29916, 29897, 529, 19474, 5265, 1001, 29918, 4690, 1525, 7068, 5607, 29928, 29918, 29999, 29903, 3217, 15989, 322, 7442, 29889, 29888, 6897, 3552, 29891, 448, 2099, 29918, 29891, 6802, 4172, 29918, 29891, 29897, 529, 19474, 5265, 1001, 29918, 4690, 1525, 7068, 5607, 29928, 29918, 29999, 29903, 3217, 15989, 29901, 13, 9651, 22289, 29918, 29916, 29889, 4397, 29898, 29916, 29897, 13, 9651, 22289, 29918, 29891, 29889, 4397, 29898, 29891, 29897, 13, 1678, 736, 22289, 29918, 29916, 29892, 22289, 29918, 29891, 13, 13, 1753, 3349, 29918, 449, 27801, 29918, 6707, 29918, 265, 29918, 19581, 29898, 29916, 29918, 1272, 29892, 343, 29918, 1272, 1125, 13, 1678, 10395, 29918, 29916, 353, 19194, 29918, 23552, 29918, 311, 14641, 29898, 29916, 29918, 1272, 29897, 13, 1678, 19194, 29918, 29916, 353, 7442, 29889, 2168, 713, 29898, 29916, 29918, 1272, 29897, 13, 1678, 10395, 29918, 29891, 353, 19194, 29918, 23552, 29918, 311, 14641, 29898, 29891, 29918, 1272, 29897, 13, 1678, 19194, 29918, 29891, 353, 7442, 29889, 2168, 713, 29898, 29891, 29918, 1272, 29897, 13, 1678, 22289, 29918, 29916, 353, 5159, 13, 1678, 22289, 29918, 29891, 353, 5159, 13, 1678, 363, 921, 29892, 343, 297, 14319, 29898, 29916, 29918, 1272, 29892, 343, 29918, 1272, 1125, 13, 4706, 565, 7442, 29889, 29888, 6897, 3552, 29916, 448, 19194, 29918, 29916, 6802, 19581, 29918, 29916, 29897, 529, 19474, 5265, 1001, 29918, 4690, 1525, 7068, 5607, 29928, 29918, 1529, 29928, 322, 7442, 29889, 29888, 6897, 3552, 29891, 448, 19194, 29918, 29891, 6802, 19581, 29918, 29891, 29897, 529, 19474, 5265, 1001, 29918, 4690, 1525, 7068, 5607, 29928, 29918, 1529, 29928, 29901, 13, 9651, 22289, 29918, 29916, 29889, 4397, 29898, 29916, 29897, 13, 9651, 22289, 29918, 29891, 29889, 4397, 29898, 29891, 29897, 13, 1678, 736, 22289, 29918, 29916, 29892, 22289, 29918, 29891, 13, 13, 1753, 6492, 29918, 1557, 2620, 5317, 29898, 14394, 29918, 1272, 29892, 3646, 29918, 1272, 29892, 1967, 29918, 978, 29892, 921, 1643, 29892, 343, 1643, 1125, 13, 1678, 4682, 29918, 1272, 29892, 3646, 29918, 1272, 353, 3349, 29918, 449, 27801, 29918, 6707, 29918, 265, 29918, 29920, 1557, 2361, 29898, 14394, 29918, 1272, 29892, 3646, 29918, 1272, 29897, 13, 1678, 565, 451, 4682, 29918, 1272, 470, 451, 3646, 29918, 1272, 29901, 13, 4706, 736, 13, 1678, 396, 572, 29873, 29889, 1557, 2620, 29898, 8945, 675, 29898, 14394, 29918, 1272, 511, 4226, 675, 29898, 5182, 29918, 1272, 511, 15595, 29922, 29900, 29889, 29945, 29897, 13, 1678, 14770, 29889, 1557, 2620, 29898, 14394, 29918, 1272, 29892, 3646, 29918, 1272, 29892, 15595, 29922, 29900, 29889, 29945, 29897, 13, 1678, 14770, 29889, 29916, 1643, 29898, 29916, 1643, 29897, 13, 1678, 14770, 29889, 29891, 1643, 29898, 29891, 1643, 29897, 13, 1678, 14770, 29889, 29873, 523, 29918, 2680, 580, 13, 1678, 14770, 29889, 7620, 1003, 29898, 3027, 29918, 978, 29892, 270, 1631, 29922, 29941, 29900, 29900, 29897, 13, 1678, 14770, 29889, 5358, 580, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 10422, 353, 10876, 29889, 19218, 29961, 29896, 29962, 13, 1678, 3454, 353, 1722, 29898, 9675, 29889, 19218, 29961, 29896, 14664, 949, 9012, 580, 13, 268, 13, 1678, 5680, 353, 5159, 13, 1678, 3646, 353, 5159, 13, 1678, 363, 1196, 297, 3454, 29901, 13, 4706, 4235, 353, 1196, 29889, 17010, 2141, 5451, 29317, 1495, 13, 4706, 5680, 29889, 4397, 4197, 7411, 29898, 29875, 29897, 363, 474, 297, 4235, 29961, 3738, 29934, 1254, 29918, 16359, 1299, 11499, 29918, 1367, 29901, 3738, 29934, 1254, 29918, 29911, 1718, 7194, 29918, 1367, 24960, 13, 4706, 3646, 29889, 4397, 29898, 7411, 29898, 9621, 29961, 29911, 1718, 7194, 29918, 12739, 1177, 29918, 1177, 29918, 29934, 29906, 29918, 29903, 3217, 1525, 29918, 1367, 12622, 13, 1678, 5680, 353, 7442, 29889, 2378, 29898, 22100, 29897, 13, 1678, 3646, 353, 7442, 29889, 2378, 29898, 5182, 29897, 13, 1678, 954, 29918, 22100, 353, 5680, 29889, 12181, 29961, 29896, 29962, 1678, 13, 1678, 363, 474, 297, 3464, 29898, 1949, 29918, 22100, 1125, 13, 4706, 6492, 29918, 1557, 2620, 5317, 29898, 22100, 7503, 29892, 29875, 1402, 3646, 29892, 383, 29923, 1299, 11499, 29918, 5813, 29903, 29961, 29875, 29962, 718, 22868, 4270, 29918, 29887, 475, 29918, 262, 29918, 29878, 29906, 29918, 13628, 29889, 2732, 742, 383, 29923, 1299, 11499, 29918, 5813, 29903, 29961, 29875, 1402, 525, 29887, 475, 29918, 262, 29918, 29878, 29906, 29918, 13628, 1495, 13, 2 ]
algorithms/aiAlgorithms/cnn/cnn_facial_recognition.py
bigfoolliu/liu_aistuff
1
46137
<reponame>bigfoolliu/liu_aistuff<filename>algorithms/aiAlgorithms/cnn/cnn_facial_recognition.py<gh_stars>1-10 #!/usr/bin/env python3 # -*- coding:utf-8 -*- # author: bigfoolliu # TODO: not finished. """ fer2013.csv文件内容 - emotion,pixels,Usage - pixels为48*48的像素值 """ import string, os, sys import numpy as np import matplotlib.pyplot as plt import scipy.io import random import tensorflow as tf import pandas as pd import datetime # 文件 FILE_PATH = "../dataset/fer2013/fer2013.csv" # 训练和测试 TRAIN_NUM = 30000 # 训练数据不超过35887 TEST_NUM = 5000 # 测试数据不超过5000 BATCH_SIZE = 50 # 训练批次的数量 TRAIN_EPOCH = 100 LEARNING_RATE = 0.001 train_batch_num = TRAIN_NUM / BATCH_SIZE test_batch_num = TEST_NUM / BATCH_SIZE # 神经网络 N_INPUT = 2304 # data input (img shape: 48*48) N_CLASSES = 7 # total classes DROPOUT = 0.5 # Dropout, probability to keep units def show_time(): """显示当前时间""" return datetime.datetime.now().isoformat() def read_file(file_path): """读取csv文件""" print("[INFO]{}:Begin to read csv file: {}".format(show_time(), file_path)) data = pd.read_csv(file_path, dtype='a') label = np.array(data['emotion']) img_data = np.array(data['pixels']) N_sample = label.size print("[INFO]{}:The size of the sample: {}".format(show_time(), N_sample)) Face_data = np.zeros((N_sample, 48 * 48)) # N_sample * (48*48)的数组 Face_label = np.zeros((N_sample, 7), dtype=int) temp = np.zeros((7), dtype=int) # 遍历读取样本的像素值,因为是以字符串的形式保存的,所以要转换格式为float for i in range(N_sample): x = img_data[i] x = np.fromstring(x, dtype=float, sep=" ") # 文本字符串转换为float,分隔符为空格 x_max = x.max() x = x / (x_max + 0.0001) # 归一化处理,将所有数据缩小至(0, 1)之间 Face_data[i] = x Face_label[i, int(label[i])] = 1 # 对应的表情列标1,其余的为0 print("[INFO]{}:Sample {}, {}\t".format(show_time(), i, Face_label[i])) train_x = Face_data[0: TRAIN_NUM, :] train_y = Face_label[0: TRAIN_NUM, :] test_x = Face_data[TRAIN_NUM: TRAIN_NUM + TEST_NUM, :] test_y = Face_label[TRAIN_NUM: TRAIN_NUM + TEST_NUM, :] print("[INFO]{}:train_x:{}\ntrain_y:{}\ntest_x:{}\ntest_y:{}".format(show_time(), train_x, train_y, test_x, test_y)) print("[INFO]{}:Read the file {} complete.".format(show_time(), file_path)) read_file(FILE_PATH) # tf Graph input x = tf.placeholder(tf.float32, [None, n_input]) y = tf.placeholder(tf.float32, [None, n_classes]) keep_prob = tf.placeholder(tf.float32) # dropout (keep probability) # Create some wrappers for simplicity def conv2d(x, W, b, strides=1): """Conv2D wrapper, with bias and relu activation""" x = tf.nn.conv2d(x, W, strides=[1, strides, strides, 1], padding='SAME') x = tf.nn.bias_add(x, b) return tf.nn.relu(x) def maxpool2d(x, k=2): """MaxPool2D wrapper""" return tf.nn.max_pool(x, ksize=[1, k, k, 1], strides=[1, k, k, 1], padding='VALID') def conv_net(x, weights, biases, dropout): """卷积神经网络模型""" x = tf.reshape(x, shape=[-1, 48, 48, 1]) # 改变输入的图片的形状 conv1 = conv2d(x, weights['wc1'], biases['bc1']) # 卷积层 conv1 = maxpool2d(conv1, k=2) # 池化 conv2 = conv2d(conv1, weights['wc2'], biases['bc2']) # 卷积层2 conv2 = maxpool2d(conv2, k=2) # 池化 conv3 = conv2d(conv2, weights['wc3'], biases['bc3']) # 卷积层3 conv3 = maxpool2d(conv3, k=2) # 池化 # 全连接层,Reshape conv2 output to fit fully connected layer input fc1 = tf.reshape(conv3, [-1, weights['wd1'].get_shape().as_list()[0]]) fc1 = tf.add(tf.matmul(fc1, weights['wd1']), biases['bd1']) fc1 = tf.nn.relu(fc1) # Apply Dropout fc1 = tf.nn.dropout(fc1, dropout) # Output, class prediction out = tf.add(tf.matmul(fc1, weights['out']), biases['out']) return out def run(): """初始化weights和biases""" weights = { 'wc1': tf.Variable(tf.random_normal([3, 3, 1, 128])), # 3 * 3的卷积,1个输入,128输出 'wc2': tf.Variable(tf.random_normal([3, 3, 128, 64])), 'wc3': tf.Variable(tf.random_normal([3, 3, 64, 32])), 'wd1': tf.Variable(tf.random_normal([6 * 6 * 32, 200])), # 全连接 'out': tf.Variable(tf.random_normal([200, n_classes])) # 1024输入,10输出,(class prediction) } biases = { 'bc1': tf.Variable(tf.random_normal([128])), 'bc2': tf.Variable(tf.random_normal([64])), 'bc3': tf.Variable(tf.random_normal([32])), 'bd1': tf.Variable(tf.random_normal([200])), 'out': tf.Variable(tf.random_normal([n_classes])) } # 构建模型 pred = conv_net(x, weights, biases, keep_prob) # Define loss and optimizer cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=pred, labels=y)) optimizer = tf.train.AdamOptimizer(learning_rate=learning_rate).minimize(cost) # Evaluate model correct_pred = tf.equal(tf.argmax(pred, 1), tf.argmax(y, 1)) accuracy = tf.reduce_mean(tf.cast(correct_pred, tf.float32)) # Initializing the variables init = tf.initialize_all_variables() Train_ind = np.arange(train_num) Test_ind = np.arange(test_num) with tf.Session() as sess: sess.run(init) for epoch in range(0, train_epoch): Total_test_loss = 0 Total_test_acc = 0 for train_batch in range(0, int(train_batch_num)): sample_ind = Train_ind[train_batch * batch_size:(train_batch + 1) * batch_size] batch_x = train_x[sample_ind, :] batch_y = train_y[sample_ind, :] # Run optimization op (backprop) sess.run(optimizer, feed_dict={x: batch_x, y: batch_y, keep_prob: dropout}) if train_batch % batch_size == 0: # Calculate loss and accuracy loss, acc = sess.run([cost, accuracy], feed_dict={x: batch_x, y: batch_y, keep_prob: 1.}) print("Epoch: " + str(epoch + 1) + ", Batch: " + str(train_batch) + ", Loss= " + "{:.3f}".format( loss) + ", Training Accuracy= " + "{:.3f}".format(acc)) # Calculate test loss and test accuracy for test_batch in range(0, int(test_batch_num)): sample_ind = Test_ind[test_batch * batch_size:(test_batch + 1) * batch_size] batch_x = test_x[sample_ind, :] batch_y = test_y[sample_ind, :] test_loss, test_acc = sess.run([cost, accuracy], feed_dict={x: batch_x, y: batch_y, keep_prob: 1.}) Total_test_lost = Total_test_loss + test_loss Total_test_acc = Total_test_acc + test_acc Total_test_acc = Total_test_acc / test_batch_num Total_test_loss = Total_test_lost / test_batch_num print("Epoch: " + str(epoch + 1) + ", Test Loss= " + "{:.3f}".format( Total_test_loss) + ", Test Accuracy= " + "{:.3f}".format(Total_test_acc)) plt.subplot(2, 1, 1) plt.ylabel('Test loss') plt.plot(Total_test_loss, 'r') plt.subplot(2, 1, 2) plt.ylabel('Test Accuracy') plt.plot(Total_test_acc, 'r') print("All is well") plt.show()
[ 1, 529, 276, 1112, 420, 29958, 3752, 1181, 324, 492, 29884, 29914, 492, 29884, 29918, 29874, 391, 3096, 29966, 9507, 29958, 9564, 12404, 29914, 1794, 22461, 12404, 29914, 29883, 15755, 29914, 29883, 15755, 29918, 5444, 1455, 29918, 29423, 654, 29889, 2272, 29966, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 29937, 14708, 4855, 29914, 2109, 29914, 6272, 3017, 29941, 13, 29937, 448, 29930, 29899, 14137, 29901, 9420, 29899, 29947, 448, 29930, 29899, 13, 29937, 4148, 29901, 4802, 1181, 324, 492, 29884, 13, 13, 13, 29937, 14402, 29901, 451, 7743, 29889, 13, 15945, 29908, 13, 571, 29906, 29900, 29896, 29941, 29889, 7638, 30333, 30631, 30728, 31294, 13, 29899, 953, 8194, 29892, 29886, 861, 1379, 29892, 27573, 13, 29899, 17036, 30573, 29946, 29947, 29930, 29946, 29947, 30210, 31551, 31605, 30959, 13, 15945, 29908, 13, 13, 5215, 1347, 29892, 2897, 29892, 10876, 13, 5215, 12655, 408, 7442, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 13, 5215, 4560, 2272, 29889, 601, 13, 5215, 4036, 13, 5215, 26110, 408, 15886, 13, 5215, 11701, 408, 10518, 13, 5215, 12865, 13, 13, 29937, 29871, 30333, 30631, 13, 7724, 29918, 10145, 353, 376, 6995, 24713, 29914, 571, 29906, 29900, 29896, 29941, 29914, 571, 29906, 29900, 29896, 29941, 29889, 7638, 29908, 13, 13, 29937, 29871, 235, 177, 176, 234, 190, 134, 30503, 31851, 31787, 13, 29911, 4717, 1177, 29918, 13967, 353, 29871, 29941, 29900, 29900, 29900, 29900, 29871, 396, 29871, 235, 177, 176, 234, 190, 134, 30354, 30763, 30413, 31480, 31138, 29941, 29945, 29947, 29947, 29955, 13, 18267, 29918, 13967, 353, 29871, 29945, 29900, 29900, 29900, 29871, 396, 29871, 31851, 31787, 30354, 30763, 30413, 31480, 31138, 29945, 29900, 29900, 29900, 13, 13, 29933, 14789, 29918, 14226, 353, 29871, 29945, 29900, 29871, 396, 29871, 235, 177, 176, 234, 190, 134, 233, 140, 188, 30936, 30210, 30354, 31180, 13, 29911, 4717, 1177, 29918, 29923, 13152, 3210, 353, 29871, 29896, 29900, 29900, 13, 1307, 25614, 29918, 29934, 3040, 353, 29871, 29900, 29889, 29900, 29900, 29896, 13, 13, 14968, 29918, 16175, 29918, 1949, 353, 323, 4717, 1177, 29918, 13967, 847, 350, 14789, 29918, 14226, 13, 1688, 29918, 16175, 29918, 1949, 353, 17067, 1254, 29918, 13967, 847, 350, 14789, 29918, 14226, 13, 13, 29937, 29871, 30648, 31412, 31222, 234, 190, 159, 13, 29940, 29918, 1177, 12336, 353, 29871, 29906, 29941, 29900, 29946, 29871, 396, 848, 1881, 313, 2492, 8267, 29901, 29871, 29946, 29947, 29930, 29946, 29947, 29897, 13, 29940, 29918, 6154, 3289, 1660, 29903, 353, 29871, 29955, 29871, 396, 3001, 4413, 13, 29928, 29366, 12015, 353, 29871, 29900, 29889, 29945, 29871, 396, 20724, 449, 29892, 6976, 304, 3013, 10340, 13, 13, 13, 1753, 1510, 29918, 2230, 7295, 13, 1678, 9995, 31542, 30858, 30948, 30658, 30594, 31016, 15945, 29908, 13, 1678, 736, 12865, 29889, 12673, 29889, 3707, 2141, 10718, 4830, 580, 13, 13, 13, 1753, 1303, 29918, 1445, 29898, 1445, 29918, 2084, 1125, 13, 1678, 9995, 235, 178, 190, 30683, 7638, 30333, 30631, 15945, 29908, 13, 1678, 1596, 703, 29961, 11690, 3199, 6177, 17946, 304, 1303, 11799, 934, 29901, 6571, 1642, 4830, 29898, 4294, 29918, 2230, 3285, 934, 29918, 2084, 876, 13, 1678, 848, 353, 10518, 29889, 949, 29918, 7638, 29898, 1445, 29918, 2084, 29892, 26688, 2433, 29874, 1495, 13, 1678, 3858, 353, 7442, 29889, 2378, 29898, 1272, 1839, 331, 8194, 11287, 13, 1678, 10153, 29918, 1272, 353, 7442, 29889, 2378, 29898, 1272, 1839, 29886, 861, 1379, 11287, 13, 1678, 405, 29918, 11249, 353, 3858, 29889, 2311, 13, 1678, 1596, 703, 29961, 11690, 3199, 6177, 1576, 2159, 310, 278, 4559, 29901, 6571, 1642, 4830, 29898, 4294, 29918, 2230, 3285, 405, 29918, 11249, 876, 13, 13, 1678, 10635, 29918, 1272, 353, 7442, 29889, 3298, 359, 3552, 29940, 29918, 11249, 29892, 29871, 29946, 29947, 334, 29871, 29946, 29947, 876, 29871, 396, 405, 29918, 11249, 334, 313, 29946, 29947, 29930, 29946, 29947, 29897, 30210, 30354, 31263, 13, 1678, 10635, 29918, 1643, 353, 7442, 29889, 3298, 359, 3552, 29940, 29918, 11249, 29892, 29871, 29955, 511, 26688, 29922, 524, 29897, 13, 1678, 5694, 353, 7442, 29889, 3298, 359, 3552, 29955, 511, 26688, 29922, 524, 29897, 13, 1678, 396, 29871, 236, 132, 144, 232, 145, 137, 235, 178, 190, 30683, 31819, 30346, 30210, 31551, 31605, 30959, 30214, 31570, 30573, 30392, 30651, 30578, 31277, 31767, 30210, 31305, 30607, 30982, 30946, 30210, 30214, 30744, 30651, 30698, 31415, 31640, 31168, 30607, 30573, 7411, 13, 1678, 363, 474, 297, 3464, 29898, 29940, 29918, 11249, 1125, 13, 4706, 921, 353, 10153, 29918, 1272, 29961, 29875, 29962, 13, 4706, 921, 353, 7442, 29889, 3166, 1807, 29898, 29916, 29892, 26688, 29922, 7411, 29892, 16345, 543, 16521, 29871, 396, 29871, 30333, 30346, 30578, 31277, 31767, 31415, 31640, 30573, 7411, 30214, 30748, 236, 157, 151, 31277, 30573, 30816, 31168, 13, 4706, 921, 29918, 3317, 353, 921, 29889, 3317, 580, 13, 4706, 921, 353, 921, 847, 313, 29916, 29918, 3317, 718, 29871, 29900, 29889, 29900, 29900, 29900, 29896, 29897, 29871, 396, 29871, 232, 192, 149, 30287, 30705, 31548, 30687, 30214, 30998, 30744, 30417, 30354, 30763, 234, 191, 172, 30446, 235, 138, 182, 29898, 29900, 29892, 29871, 29896, 29897, 30577, 31016, 13, 13, 4706, 10635, 29918, 1272, 29961, 29875, 29962, 353, 921, 13, 4706, 10635, 29918, 1643, 29961, 29875, 29892, 938, 29898, 1643, 29961, 29875, 2314, 29962, 353, 29871, 29896, 29871, 396, 29871, 30783, 31370, 30210, 30746, 30993, 31025, 31062, 29896, 30214, 31149, 231, 192, 156, 30210, 30573, 29900, 13, 4706, 1596, 703, 29961, 11690, 3199, 6177, 17708, 24335, 426, 1012, 29873, 1642, 4830, 29898, 4294, 29918, 2230, 3285, 474, 29892, 10635, 29918, 1643, 29961, 29875, 12622, 13, 13, 1678, 7945, 29918, 29916, 353, 10635, 29918, 1272, 29961, 29900, 29901, 323, 4717, 1177, 29918, 13967, 29892, 584, 29962, 13, 1678, 7945, 29918, 29891, 353, 10635, 29918, 1643, 29961, 29900, 29901, 323, 4717, 1177, 29918, 13967, 29892, 584, 29962, 13, 1678, 1243, 29918, 29916, 353, 10635, 29918, 1272, 29961, 29911, 4717, 1177, 29918, 13967, 29901, 323, 4717, 1177, 29918, 13967, 718, 17067, 1254, 29918, 13967, 29892, 584, 29962, 13, 1678, 1243, 29918, 29891, 353, 10635, 29918, 1643, 29961, 29911, 4717, 1177, 29918, 13967, 29901, 323, 4717, 1177, 29918, 13967, 718, 17067, 1254, 29918, 13967, 29892, 584, 29962, 13, 1678, 1596, 703, 29961, 11690, 3199, 6177, 14968, 29918, 29916, 26254, 1012, 593, 6038, 29918, 29891, 26254, 1012, 593, 342, 29918, 29916, 26254, 1012, 593, 342, 29918, 29891, 29901, 8875, 1642, 4830, 29898, 4294, 29918, 2230, 3285, 7945, 29918, 29916, 29892, 7945, 29918, 29891, 29892, 1243, 29918, 29916, 29892, 1243, 29918, 29891, 876, 13, 1678, 1596, 703, 29961, 11690, 3199, 6177, 6359, 278, 934, 6571, 4866, 1213, 29889, 4830, 29898, 4294, 29918, 2230, 3285, 934, 29918, 2084, 876, 13, 13, 13, 949, 29918, 1445, 29898, 7724, 29918, 10145, 29897, 13, 13, 29937, 15886, 12367, 1881, 13, 29916, 353, 15886, 29889, 27074, 29898, 13264, 29889, 7411, 29941, 29906, 29892, 518, 8516, 29892, 302, 29918, 2080, 2314, 13, 29891, 353, 15886, 29889, 27074, 29898, 13264, 29889, 7411, 29941, 29906, 29892, 518, 8516, 29892, 302, 29918, 13203, 2314, 13, 17462, 29918, 22795, 353, 15886, 29889, 27074, 29898, 13264, 29889, 7411, 29941, 29906, 29897, 29871, 396, 5768, 449, 313, 17462, 6976, 29897, 13, 13, 13, 29937, 6204, 777, 11463, 22437, 363, 23205, 13, 1753, 7602, 29906, 29881, 29898, 29916, 29892, 399, 29892, 289, 29892, 851, 2247, 29922, 29896, 1125, 13, 1678, 9995, 1168, 29894, 29906, 29928, 14476, 29892, 411, 24003, 322, 1104, 29884, 26229, 15945, 29908, 13, 1678, 921, 353, 15886, 29889, 15755, 29889, 20580, 29906, 29881, 29898, 29916, 29892, 399, 29892, 851, 2247, 11759, 29896, 29892, 851, 2247, 29892, 851, 2247, 29892, 29871, 29896, 1402, 7164, 2433, 8132, 2303, 1495, 13, 1678, 921, 353, 15886, 29889, 15755, 29889, 29890, 3173, 29918, 1202, 29898, 29916, 29892, 289, 29897, 13, 1678, 736, 15886, 29889, 15755, 29889, 2674, 29884, 29898, 29916, 29897, 13, 13, 13, 1753, 4236, 10109, 29906, 29881, 29898, 29916, 29892, 413, 29922, 29906, 1125, 13, 1678, 9995, 7976, 11426, 29906, 29928, 14476, 15945, 29908, 13, 1678, 736, 15886, 29889, 15755, 29889, 3317, 29918, 10109, 29898, 29916, 29892, 413, 2311, 11759, 29896, 29892, 413, 29892, 413, 29892, 29871, 29896, 1402, 851, 2247, 11759, 29896, 29892, 413, 29892, 413, 29892, 29871, 29896, 1402, 7164, 2433, 26707, 1495, 13, 13, 13, 1753, 7602, 29918, 1212, 29898, 29916, 29892, 18177, 29892, 4768, 2129, 29892, 5768, 449, 1125, 13, 1678, 9995, 232, 144, 186, 234, 170, 178, 30648, 31412, 31222, 234, 190, 159, 31382, 30883, 15945, 29908, 13, 1678, 921, 353, 15886, 29889, 690, 14443, 29898, 29916, 29892, 8267, 11759, 29899, 29896, 29892, 29871, 29946, 29947, 29892, 29871, 29946, 29947, 29892, 29871, 29896, 2314, 29871, 396, 29871, 31264, 31462, 31573, 30752, 30210, 30861, 31122, 30210, 31305, 31531, 13, 1678, 7602, 29896, 353, 7602, 29906, 29881, 29898, 29916, 29892, 18177, 1839, 29893, 29883, 29896, 7464, 4768, 2129, 1839, 12328, 29896, 11287, 29871, 396, 29871, 232, 144, 186, 234, 170, 178, 232, 180, 133, 13, 1678, 7602, 29896, 353, 4236, 10109, 29906, 29881, 29898, 20580, 29896, 29892, 413, 29922, 29906, 29897, 29871, 396, 29871, 31853, 30705, 13, 1678, 7602, 29906, 353, 7602, 29906, 29881, 29898, 20580, 29896, 29892, 18177, 1839, 29893, 29883, 29906, 7464, 4768, 2129, 1839, 12328, 29906, 11287, 29871, 396, 29871, 232, 144, 186, 234, 170, 178, 232, 180, 133, 242, 191, 149, 13, 1678, 7602, 29906, 353, 4236, 10109, 29906, 29881, 29898, 20580, 29906, 29892, 413, 29922, 29906, 29897, 29871, 396, 29871, 31853, 30705, 13, 1678, 7602, 29941, 353, 7602, 29906, 29881, 29898, 20580, 29906, 29892, 18177, 1839, 29893, 29883, 29941, 7464, 4768, 2129, 1839, 12328, 29941, 11287, 29871, 396, 29871, 232, 144, 186, 234, 170, 178, 232, 180, 133, 29941, 13, 1678, 7602, 29941, 353, 4236, 10109, 29906, 29881, 29898, 20580, 29941, 29892, 413, 29922, 29906, 29897, 29871, 396, 29871, 31853, 30705, 13, 13, 1678, 396, 29871, 30753, 31903, 31092, 232, 180, 133, 30214, 1666, 14443, 7602, 29906, 1962, 304, 6216, 8072, 6631, 7546, 1881, 13, 1678, 285, 29883, 29896, 353, 15886, 29889, 690, 14443, 29898, 20580, 29941, 29892, 21069, 29896, 29892, 18177, 1839, 9970, 29896, 13359, 657, 29918, 12181, 2141, 294, 29918, 1761, 580, 29961, 29900, 24960, 13, 1678, 285, 29883, 29896, 353, 15886, 29889, 1202, 29898, 13264, 29889, 2922, 16109, 29898, 13801, 29896, 29892, 18177, 1839, 9970, 29896, 2033, 511, 4768, 2129, 1839, 6448, 29896, 11287, 13, 1678, 285, 29883, 29896, 353, 15886, 29889, 15755, 29889, 2674, 29884, 29898, 13801, 29896, 29897, 13, 1678, 396, 2401, 368, 20724, 449, 13, 1678, 285, 29883, 29896, 353, 15886, 29889, 15755, 29889, 8865, 449, 29898, 13801, 29896, 29892, 5768, 449, 29897, 13, 1678, 396, 10604, 29892, 770, 18988, 13, 1678, 714, 353, 15886, 29889, 1202, 29898, 13264, 29889, 2922, 16109, 29898, 13801, 29896, 29892, 18177, 1839, 449, 2033, 511, 4768, 2129, 1839, 449, 11287, 13, 1678, 736, 714, 13, 13, 13, 1753, 1065, 7295, 13, 1678, 9995, 31120, 31020, 30705, 705, 5861, 30503, 5365, 2129, 15945, 29908, 13, 1678, 18177, 353, 426, 13, 4706, 525, 29893, 29883, 29896, 2396, 15886, 29889, 16174, 29898, 13264, 29889, 8172, 29918, 8945, 4197, 29941, 29892, 29871, 29941, 29892, 29871, 29896, 29892, 29871, 29896, 29906, 29947, 2314, 511, 29871, 396, 29871, 29941, 334, 29871, 29941, 30210, 232, 144, 186, 234, 170, 178, 30214, 29896, 30502, 31573, 30752, 29892, 29896, 29906, 29947, 31573, 30544, 13, 4706, 525, 29893, 29883, 29906, 2396, 15886, 29889, 16174, 29898, 13264, 29889, 8172, 29918, 8945, 4197, 29941, 29892, 29871, 29941, 29892, 29871, 29896, 29906, 29947, 29892, 29871, 29953, 29946, 2314, 511, 13, 4706, 525, 29893, 29883, 29941, 2396, 15886, 29889, 16174, 29898, 13264, 29889, 8172, 29918, 8945, 4197, 29941, 29892, 29871, 29941, 29892, 29871, 29953, 29946, 29892, 29871, 29941, 29906, 2314, 511, 13, 4706, 525, 9970, 29896, 2396, 15886, 29889, 16174, 29898, 13264, 29889, 8172, 29918, 8945, 4197, 29953, 334, 29871, 29953, 334, 29871, 29941, 29906, 29892, 29871, 29906, 29900, 29900, 2314, 511, 29871, 396, 29871, 30753, 31903, 31092, 13, 4706, 525, 449, 2396, 15886, 29889, 16174, 29898, 13264, 29889, 8172, 29918, 8945, 4197, 29906, 29900, 29900, 29892, 302, 29918, 13203, 12622, 29871, 396, 29871, 29896, 29900, 29906, 29946, 31573, 30752, 30214, 29896, 29900, 31573, 30544, 30214, 29898, 1990, 18988, 29897, 13, 1678, 500, 13, 13, 1678, 4768, 2129, 353, 426, 13, 4706, 525, 12328, 29896, 2396, 15886, 29889, 16174, 29898, 13264, 29889, 8172, 29918, 8945, 4197, 29896, 29906, 29947, 2314, 511, 13, 4706, 525, 12328, 29906, 2396, 15886, 29889, 16174, 29898, 13264, 29889, 8172, 29918, 8945, 4197, 29953, 29946, 2314, 511, 13, 4706, 525, 12328, 29941, 2396, 15886, 29889, 16174, 29898, 13264, 29889, 8172, 29918, 8945, 4197, 29941, 29906, 2314, 511, 13, 4706, 525, 6448, 29896, 2396, 15886, 29889, 16174, 29898, 13264, 29889, 8172, 29918, 8945, 4197, 29906, 29900, 29900, 2314, 511, 13, 4706, 525, 449, 2396, 15886, 29889, 16174, 29898, 13264, 29889, 8172, 29918, 8945, 4197, 29876, 29918, 13203, 12622, 13, 1678, 500, 13, 13, 1678, 396, 29871, 31901, 30886, 31382, 30883, 13, 1678, 4450, 353, 7602, 29918, 1212, 29898, 29916, 29892, 18177, 29892, 4768, 2129, 29892, 3013, 29918, 22795, 29897, 13, 1678, 396, 22402, 6410, 322, 5994, 3950, 13, 1678, 3438, 353, 15886, 29889, 17469, 29918, 12676, 29898, 13264, 29889, 15755, 29889, 2695, 3317, 29918, 19128, 29918, 296, 14441, 29918, 2541, 29918, 1188, 1169, 29898, 1188, 1169, 29922, 11965, 29892, 11073, 29922, 29891, 876, 13, 1678, 5994, 3950, 353, 15886, 29889, 14968, 29889, 3253, 314, 20624, 326, 3950, 29898, 21891, 29918, 10492, 29922, 21891, 29918, 10492, 467, 1195, 326, 675, 29898, 18253, 29897, 13, 1678, 396, 382, 4387, 403, 1904, 13, 1678, 1959, 29918, 11965, 353, 15886, 29889, 11745, 29898, 13264, 29889, 1191, 3317, 29898, 11965, 29892, 29871, 29896, 511, 15886, 29889, 1191, 3317, 29898, 29891, 29892, 29871, 29896, 876, 13, 1678, 13600, 353, 15886, 29889, 17469, 29918, 12676, 29898, 13264, 29889, 4384, 29898, 15728, 29918, 11965, 29892, 15886, 29889, 7411, 29941, 29906, 876, 13, 1678, 396, 17250, 5281, 278, 3651, 13, 1678, 2069, 353, 15886, 29889, 24926, 29918, 497, 29918, 20897, 580, 13, 1678, 28186, 29918, 513, 353, 7442, 29889, 279, 927, 29898, 14968, 29918, 1949, 29897, 13, 1678, 4321, 29918, 513, 353, 7442, 29889, 279, 927, 29898, 1688, 29918, 1949, 29897, 13, 13, 1678, 411, 15886, 29889, 7317, 580, 408, 27937, 29901, 13, 4706, 27937, 29889, 3389, 29898, 2344, 29897, 13, 4706, 363, 21502, 305, 297, 3464, 29898, 29900, 29892, 7945, 29918, 1022, 2878, 1125, 13, 9651, 14990, 29918, 1688, 29918, 6758, 353, 29871, 29900, 13, 9651, 14990, 29918, 1688, 29918, 5753, 353, 29871, 29900, 13, 9651, 363, 7945, 29918, 16175, 297, 3464, 29898, 29900, 29892, 938, 29898, 14968, 29918, 16175, 29918, 1949, 22164, 13, 18884, 4559, 29918, 513, 353, 28186, 29918, 513, 29961, 14968, 29918, 16175, 334, 9853, 29918, 2311, 5919, 14968, 29918, 16175, 718, 29871, 29896, 29897, 334, 9853, 29918, 2311, 29962, 13, 18884, 9853, 29918, 29916, 353, 7945, 29918, 29916, 29961, 11249, 29918, 513, 29892, 584, 29962, 13, 18884, 9853, 29918, 29891, 353, 7945, 29918, 29891, 29961, 11249, 29918, 513, 29892, 584, 29962, 13, 18884, 396, 7525, 13883, 1015, 313, 1627, 7728, 29897, 13, 18884, 27937, 29889, 3389, 29898, 20640, 3950, 29892, 8343, 29918, 8977, 3790, 29916, 29901, 9853, 29918, 29916, 29892, 343, 29901, 9853, 29918, 29891, 29892, 3013, 29918, 22795, 29901, 5768, 449, 1800, 13, 18884, 565, 7945, 29918, 16175, 1273, 9853, 29918, 2311, 1275, 29871, 29900, 29901, 13, 462, 1678, 396, 20535, 403, 6410, 322, 13600, 13, 462, 1678, 6410, 29892, 1035, 353, 27937, 29889, 3389, 4197, 18253, 29892, 13600, 1402, 8343, 29918, 8977, 3790, 29916, 29901, 9853, 29918, 29916, 29892, 343, 29901, 9853, 29918, 29891, 29892, 3013, 29918, 22795, 29901, 29871, 29896, 29889, 1800, 13, 462, 1678, 1596, 703, 29923, 1129, 305, 29901, 376, 718, 851, 29898, 1022, 2878, 718, 29871, 29896, 29897, 718, 9162, 350, 905, 29901, 376, 718, 851, 29898, 14968, 29918, 16175, 29897, 718, 9162, 365, 2209, 29922, 376, 718, 376, 25641, 29889, 29941, 29888, 29913, 1642, 4830, 29898, 13, 462, 4706, 6410, 29897, 718, 9162, 26101, 4831, 332, 4135, 29922, 376, 718, 376, 25641, 29889, 29941, 29888, 29913, 1642, 4830, 29898, 5753, 876, 13, 13, 462, 1678, 396, 20535, 403, 1243, 6410, 322, 1243, 13600, 13, 462, 1678, 363, 1243, 29918, 16175, 297, 3464, 29898, 29900, 29892, 938, 29898, 1688, 29918, 16175, 29918, 1949, 22164, 13, 462, 4706, 4559, 29918, 513, 353, 4321, 29918, 513, 29961, 1688, 29918, 16175, 334, 9853, 29918, 2311, 5919, 1688, 29918, 16175, 718, 29871, 29896, 29897, 334, 9853, 29918, 2311, 29962, 13, 462, 4706, 9853, 29918, 29916, 353, 1243, 29918, 29916, 29961, 11249, 29918, 513, 29892, 584, 29962, 13, 462, 4706, 9853, 29918, 29891, 353, 1243, 29918, 29891, 29961, 11249, 29918, 513, 29892, 584, 29962, 13, 462, 4706, 1243, 29918, 6758, 29892, 1243, 29918, 5753, 353, 27937, 29889, 3389, 4197, 18253, 29892, 13600, 1402, 13, 462, 462, 462, 539, 8343, 29918, 8977, 3790, 29916, 29901, 9853, 29918, 29916, 29892, 343, 29901, 9853, 29918, 29891, 29892, 3013, 29918, 22795, 29901, 29871, 29896, 29889, 1800, 13, 462, 4706, 14990, 29918, 1688, 29918, 18767, 353, 14990, 29918, 1688, 29918, 6758, 718, 1243, 29918, 6758, 13, 462, 4706, 14990, 29918, 1688, 29918, 5753, 353, 14990, 29918, 1688, 29918, 5753, 718, 1243, 29918, 5753, 13, 13, 9651, 14990, 29918, 1688, 29918, 5753, 353, 14990, 29918, 1688, 29918, 5753, 847, 1243, 29918, 16175, 29918, 1949, 13, 9651, 14990, 29918, 1688, 29918, 6758, 353, 14990, 29918, 1688, 29918, 18767, 847, 1243, 29918, 16175, 29918, 1949, 13, 9651, 1596, 703, 29923, 1129, 305, 29901, 376, 718, 851, 29898, 1022, 2878, 718, 29871, 29896, 29897, 718, 9162, 4321, 365, 2209, 29922, 376, 718, 376, 25641, 29889, 29941, 29888, 29913, 1642, 4830, 29898, 13, 18884, 14990, 29918, 1688, 29918, 6758, 29897, 718, 9162, 4321, 4831, 332, 4135, 29922, 376, 718, 376, 25641, 29889, 29941, 29888, 29913, 1642, 4830, 29898, 11536, 29918, 1688, 29918, 5753, 876, 13, 13, 13, 572, 29873, 29889, 1491, 5317, 29898, 29906, 29892, 29871, 29896, 29892, 29871, 29896, 29897, 13, 572, 29873, 29889, 29891, 1643, 877, 3057, 6410, 1495, 13, 572, 29873, 29889, 5317, 29898, 11536, 29918, 1688, 29918, 6758, 29892, 525, 29878, 1495, 13, 572, 29873, 29889, 1491, 5317, 29898, 29906, 29892, 29871, 29896, 29892, 29871, 29906, 29897, 13, 572, 29873, 29889, 29891, 1643, 877, 3057, 4831, 332, 4135, 1495, 13, 572, 29873, 29889, 5317, 29898, 11536, 29918, 1688, 29918, 5753, 29892, 525, 29878, 1495, 13, 13, 2158, 703, 3596, 338, 1532, 1159, 13, 572, 29873, 29889, 4294, 580, 13, 2 ]
Reconocimiento/Prueba1lidarchidovibr.py
larj3852/Lidar_TT
0
58320
# -*- coding: utf-8 -*- """ ... """ import LibraryTT.txt2array as conversion import numpy as np from numpy import sqrt import pandas as pd import matplotlib.pyplot as plt import random import math from mpl_toolkits.mplot3d import Axes3D # import open3d as o3d # %matplotlib inline D = conversion.txt2array() DD = np.copy(D) # Creamos copia de datos para no afectar a los originales Epsilon = 30 MinPts = 75 #78 # result = DBSCAN(DD,Epsilon,MinPts) chch = conversion.RObjetos(DD,Epsilon,MinPts) TN = conversion.usar(chch) # Graficar un dato conversion.imprimir3D(D) # conversion.imprimir3D(DD) # Imprimir sin ruido--- graficar conversion.imprimirObjetos(TN,chch,0,0) # Graficar con ruido conversion.imprimirObjetos(TN,chch,1,0) # conversion.imprimirObjetos(TN,chch,2,1) # (Objetos,tamañoobjetos,2,cualObjeto) # el ransac # vectores para guardar datos. abcd = np.array([[0,0,0,0]]) ldps = np.array([]) gplns = np.array([]) abcd,ldps,gplns = conversion.rnsc(TN,chch,abcd,ldps,gplns) abcd = np.delete(abcd,0,axis=0) # BUSCAR centros de planos aunque debiera buscar algo más con planos pequeños. cplns = 0 # va pasando por cada valor abcd para hacer la prueba # p1 = 0 # sc = 0 # p2 = gplns[sc] cplanos = np.array([[0,0,0]]) Dists = np.array([]) cplanos,Dists = conversion.centros(cplanos,Dists,TN,ldps,gplns) dext = 100 dint = 50 tvdext = np.array([]) tvdint = np.array([]) # Para checar que objetos andan dentro del rango int y ext # np.append(datosx,[[xmin,xmax]],axis=0) # Se guardan las posiciones for ima in range(0,len(Dists)): if (Dists[ima] <= dext): tvdext = np.append(tvdext,ima) # print("hay un obstaculo en zona alejada") if (Dists[ima] <= dint): tvdint = np.append(tvdint,ima) # print("Hay obstaculo cercano, detener y cambiar posicion") # Para conocer mejor cuales son int mas que ext porque son mas importantes if (len(tvdext) > 0) and (len(tvdint) > 0): for ixt in range(0,len(tvdint)): for ixtt in range(0,len(tvdext)): if (tvdint[ixt] == tvdext[ixtt]): tvdext = np.delete(tvdext[ixtt]) if (len(tvdext) <= 0): break prac = 0 if (len(tvdext) > 0) or (len(tvdint) > 0): if (len(tvdint)>0): for din in range(0,len(tvdint)): xd = cplanos[int(tvdint[din]),0] yd = cplanos[int(tvdint[din]),1] angulo = math.atan2(xd,yd) angulo = math.degrees(angulo) # En cada uno encender vibrador if (angulo >= 120): print("rapido dar un paso a la derecha") prac += 1 if (angulo <= 60): print("rapido dar un paso a la izquierda") prac += 1 if ((angulo > 60)and(angulo < 120)): print("Deten tu carruaje") prac += 1 # Aqui apagara los vibradores if (prac == 0) and (len(tvdext)>0): for din in range(0,len(tvdext)): xd = cplanos[int(tvdext[din]),0] yd = cplanos[int(tvdext[din]),1] angulo = math.atan2(xd,yd) angulo = math.degrees(angulo) # En cada uno encender vibrador if (angulo >= 120): print("dar un paso a la derecha") if (angulo <= 60): print("dar un paso a la izquierda") if ((angulo > 60)and(angulo < 120)): print("Abra algo")
[ 1, 396, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 30004, 13, 15945, 19451, 13, 856, 30004, 13, 15945, 19451, 13, 30004, 13, 5215, 9538, 19988, 29889, 3945, 29906, 2378, 408, 11301, 30004, 13, 5215, 12655, 408, 7442, 30004, 13, 3166, 12655, 1053, 18074, 2273, 30004, 13, 5215, 11701, 408, 10518, 30004, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 30004, 13, 5215, 4036, 30004, 13, 5215, 5844, 30004, 13, 3166, 286, 572, 29918, 10154, 29895, 1169, 29889, 29885, 5317, 29941, 29881, 1053, 319, 9100, 29941, 29928, 30004, 13, 29937, 1053, 1722, 29941, 29881, 408, 288, 29941, 29881, 30004, 13, 30004, 13, 30004, 13, 29937, 1273, 2922, 17357, 10583, 30004, 13, 29928, 353, 11301, 29889, 3945, 29906, 2378, 26471, 13, 30004, 13, 7858, 353, 7442, 29889, 8552, 29898, 29928, 29897, 396, 315, 1633, 359, 5614, 423, 316, 18683, 1702, 694, 2511, 522, 279, 263, 1232, 2441, 267, 30004, 13, 30004, 13, 29923, 3232, 353, 29871, 29941, 29900, 30004, 13, 8140, 29925, 1372, 353, 29871, 29955, 29945, 396, 29955, 29947, 30004, 13, 29937, 1121, 353, 6535, 7187, 2190, 29898, 7858, 29892, 29923, 3232, 29892, 8140, 29925, 1372, 8443, 13, 30004, 13, 305, 305, 353, 11301, 29889, 1672, 29890, 4026, 359, 29898, 7858, 29892, 29923, 3232, 29892, 8140, 29925, 1372, 8443, 13, 30004, 13, 29911, 29940, 353, 11301, 29889, 375, 279, 29898, 305, 305, 8443, 13, 30004, 13, 29937, 13721, 293, 279, 443, 270, 1219, 30004, 13, 535, 3259, 29889, 326, 9469, 381, 29941, 29928, 29898, 29928, 8443, 13, 29937, 11301, 29889, 326, 9469, 381, 29941, 29928, 29898, 7858, 8443, 13, 30004, 13, 29937, 1954, 9469, 381, 4457, 5796, 1941, 5634, 22956, 293, 279, 30004, 13, 535, 3259, 29889, 326, 9469, 381, 6039, 4026, 359, 29898, 29911, 29940, 29892, 305, 305, 29892, 29900, 29892, 29900, 29897, 6756, 13, 29937, 13721, 293, 279, 378, 5796, 1941, 30004, 13, 535, 3259, 29889, 326, 9469, 381, 6039, 4026, 359, 29898, 29911, 29940, 29892, 305, 305, 29892, 29896, 29892, 29900, 8443, 13, 30004, 13, 29937, 11301, 29889, 326, 9469, 381, 6039, 4026, 359, 29898, 29911, 29940, 29892, 305, 305, 29892, 29906, 29892, 29896, 8443, 13, 29937, 313, 6039, 4026, 359, 29892, 29873, 3304, 8266, 711, 4026, 359, 29892, 29906, 29892, 29883, 950, 6039, 4026, 29877, 8443, 13, 30004, 13, 29937, 560, 364, 550, 562, 30004, 13, 29937, 325, 522, 2361, 1702, 8372, 279, 18683, 22993, 13, 370, 2252, 353, 7442, 29889, 2378, 4197, 29961, 29900, 29892, 29900, 29892, 29900, 29892, 29900, 24960, 30004, 13, 430, 567, 353, 7442, 29889, 2378, 4197, 2314, 30004, 13, 29887, 572, 1983, 353, 7442, 29889, 2378, 4197, 2314, 30004, 13, 30004, 13, 370, 2252, 29892, 430, 567, 29892, 29887, 572, 1983, 353, 11301, 29889, 27539, 1557, 29898, 29911, 29940, 29892, 305, 305, 29892, 370, 2252, 29892, 430, 567, 29892, 29887, 572, 1983, 8443, 13, 370, 2252, 353, 7442, 29889, 8143, 29898, 370, 2252, 29892, 29900, 29892, 8990, 29922, 29900, 8443, 13, 30004, 13, 29937, 350, 3308, 29907, 1718, 1644, 1883, 316, 3814, 359, 17742, 2553, 8311, 3593, 4287, 24673, 3627, 378, 3814, 359, 18946, 15701, 22993, 13, 29883, 572, 1983, 353, 29871, 29900, 396, 2947, 2331, 1743, 1277, 9747, 16497, 633, 2252, 1702, 14557, 425, 28854, 2291, 30004, 13, 29937, 282, 29896, 353, 29871, 29900, 30004, 13, 29937, 885, 353, 29871, 29900, 30004, 13, 29937, 282, 29906, 353, 330, 572, 1983, 29961, 1557, 29962, 30004, 13, 29883, 9018, 359, 353, 7442, 29889, 2378, 4197, 29961, 29900, 29892, 29900, 29892, 29900, 24960, 30004, 13, 29928, 2879, 353, 7442, 29889, 2378, 4197, 2314, 30004, 13, 29883, 9018, 359, 29892, 29928, 2879, 353, 11301, 29889, 1760, 1883, 29898, 29883, 9018, 359, 29892, 29928, 2879, 29892, 29911, 29940, 29892, 430, 567, 29892, 29887, 572, 1983, 8443, 13, 30004, 13, 311, 486, 353, 29871, 29896, 29900, 29900, 30004, 13, 29881, 524, 353, 29871, 29945, 29900, 6756, 13, 30004, 13, 12427, 311, 486, 353, 7442, 29889, 2378, 4197, 2314, 30004, 13, 12427, 29881, 524, 353, 7442, 29889, 2378, 4197, 2314, 30004, 13, 29937, 12994, 923, 4287, 712, 13413, 359, 322, 273, 16018, 628, 364, 4524, 938, 343, 1294, 30004, 13, 29937, 29871, 7442, 29889, 4397, 29898, 4130, 359, 29916, 29892, 8999, 29916, 1195, 29892, 29916, 3317, 20526, 8990, 29922, 29900, 8443, 13, 29937, 922, 8372, 273, 1869, 926, 14674, 30004, 13, 1454, 527, 29874, 297, 3464, 29898, 29900, 29892, 2435, 29898, 29928, 2879, 22164, 30004, 13, 1678, 565, 313, 29928, 2879, 29961, 2946, 29962, 5277, 316, 486, 1125, 30004, 13, 4706, 9631, 311, 486, 353, 7442, 29889, 4397, 29898, 12427, 311, 486, 29892, 2946, 29897, 268, 6756, 13, 4706, 396, 1596, 703, 29882, 388, 443, 14979, 562, 7207, 427, 13890, 8080, 29926, 1114, 1159, 30004, 13, 1678, 565, 313, 29928, 2879, 29961, 2946, 29962, 5277, 270, 524, 1125, 30004, 13, 4706, 9631, 29881, 524, 353, 7442, 29889, 4397, 29898, 12427, 29881, 524, 29892, 2946, 8443, 13, 4706, 396, 1596, 703, 29950, 388, 14979, 562, 7207, 5147, 26004, 29892, 1439, 759, 343, 10625, 4447, 926, 15353, 1159, 30004, 13, 30004, 13, 29937, 12994, 11515, 261, 16918, 28276, 1487, 938, 5516, 712, 1294, 17485, 1487, 5516, 24151, 30004, 13, 361, 313, 2435, 29898, 12427, 311, 486, 29897, 1405, 29871, 29900, 29897, 322, 313, 2435, 29898, 12427, 29881, 524, 29897, 1405, 29871, 29900, 1125, 30004, 13, 1678, 363, 474, 486, 297, 3464, 29898, 29900, 29892, 2435, 29898, 12427, 29881, 524, 22164, 30004, 13, 4706, 363, 474, 486, 29873, 297, 3464, 29898, 29900, 29892, 2435, 29898, 12427, 311, 486, 22164, 30004, 13, 9651, 565, 313, 12427, 29881, 524, 29961, 29875, 486, 29962, 1275, 9631, 311, 486, 29961, 29875, 486, 29873, 29962, 1125, 30004, 13, 18884, 9631, 311, 486, 353, 7442, 29889, 8143, 29898, 12427, 311, 486, 29961, 29875, 486, 29873, 2314, 30004, 13, 4706, 565, 313, 2435, 29898, 12427, 311, 486, 29897, 5277, 29871, 29900, 1125, 30004, 13, 9651, 2867, 30004, 13, 1678, 6756, 13, 29886, 945, 353, 29871, 29900, 30004, 13, 361, 313, 2435, 29898, 12427, 311, 486, 29897, 1405, 29871, 29900, 29897, 470, 313, 2435, 29898, 12427, 29881, 524, 29897, 1405, 29871, 29900, 1125, 30004, 13, 1678, 565, 313, 2435, 29898, 12427, 29881, 524, 15410, 29900, 1125, 30004, 13, 4706, 6756, 13, 4706, 363, 4538, 297, 3464, 29898, 29900, 29892, 2435, 29898, 12427, 29881, 524, 22164, 30004, 13, 9651, 921, 29881, 353, 274, 9018, 359, 29961, 524, 29898, 12427, 29881, 524, 29961, 24581, 11724, 29900, 29962, 30004, 13, 9651, 343, 29881, 353, 274, 9018, 359, 29961, 524, 29898, 12427, 29881, 524, 29961, 24581, 11724, 29896, 29962, 30004, 13, 4706, 6756, 13, 9651, 2614, 7207, 353, 5844, 29889, 23402, 29906, 29898, 29916, 29881, 29892, 2941, 8443, 13, 9651, 2614, 7207, 353, 5844, 29889, 311, 7979, 267, 29898, 574, 7207, 8443, 13, 4706, 6756, 13, 9651, 396, 1174, 9747, 6888, 2094, 1581, 325, 4626, 3136, 30004, 13, 9651, 565, 313, 574, 7207, 6736, 29871, 29896, 29906, 29900, 1125, 30004, 13, 18884, 1596, 703, 2390, 1941, 5424, 443, 2331, 29877, 263, 425, 14923, 5815, 1159, 30004, 13, 18884, 16689, 4619, 29871, 29896, 30004, 13, 9651, 565, 313, 574, 7207, 5277, 29871, 29953, 29900, 1125, 30004, 13, 18884, 1596, 703, 2390, 1941, 5424, 443, 2331, 29877, 263, 425, 5951, 16026, 1388, 1159, 30004, 13, 18884, 16689, 4619, 29871, 29896, 30004, 13, 9651, 565, 5135, 574, 7207, 1405, 29871, 29953, 29900, 29897, 392, 29898, 574, 7207, 529, 29871, 29896, 29906, 29900, 22164, 30004, 13, 18884, 1596, 703, 29928, 6302, 5291, 1559, 582, 8339, 1159, 30004, 13, 18884, 16689, 4619, 29871, 29896, 30004, 13, 18884, 6756, 13, 9651, 396, 319, 6578, 3095, 351, 2518, 1232, 325, 747, 3665, 2361, 30004, 13, 1678, 565, 313, 29886, 945, 1275, 29871, 29900, 29897, 322, 313, 2435, 29898, 12427, 311, 486, 15410, 29900, 1125, 4706, 6756, 13, 4706, 363, 4538, 297, 3464, 29898, 29900, 29892, 2435, 29898, 12427, 311, 486, 22164, 30004, 13, 9651, 921, 29881, 353, 274, 9018, 359, 29961, 524, 29898, 12427, 311, 486, 29961, 24581, 11724, 29900, 29962, 30004, 13, 9651, 343, 29881, 353, 274, 9018, 359, 29961, 524, 29898, 12427, 311, 486, 29961, 24581, 11724, 29896, 29962, 30004, 13, 9651, 6756, 13, 9651, 2614, 7207, 353, 5844, 29889, 23402, 29906, 29898, 29916, 29881, 29892, 2941, 8443, 13, 9651, 2614, 7207, 353, 5844, 29889, 311, 7979, 267, 29898, 574, 7207, 8443, 13, 9651, 6756, 13, 9651, 396, 1174, 9747, 6888, 2094, 1581, 325, 4626, 3136, 30004, 13, 9651, 565, 313, 574, 7207, 6736, 29871, 29896, 29906, 29900, 1125, 30004, 13, 18884, 1596, 703, 16702, 443, 2331, 29877, 263, 425, 14923, 5815, 1159, 30004, 13, 9651, 565, 313, 574, 7207, 5277, 29871, 29953, 29900, 1125, 30004, 13, 18884, 1596, 703, 16702, 443, 2331, 29877, 263, 425, 5951, 16026, 1388, 1159, 30004, 13, 9651, 565, 5135, 574, 7207, 1405, 29871, 29953, 29900, 29897, 392, 29898, 574, 7207, 529, 29871, 29896, 29906, 29900, 22164, 30004, 13, 18884, 1596, 703, 29909, 2634, 24673, 1159, 30004, 13, 30004, 13, 2 ]
resource/pypi/cryptography-1.7.1/tests/hazmat/primitives/test_keywrap.py
hipnusleo/Laserjet
0
196972
# This file is dual licensed under the terms of the Apache License, Version # 2.0, and the BSD License. See the LICENSE file in the root of this repository # for complete details. from __future__ import absolute_import, division, print_function import binascii import os import pytest from cryptography.hazmat.backends.interfaces import CipherBackend from cryptography.hazmat.primitives import keywrap from cryptography.hazmat.primitives.ciphers import algorithms, modes from .utils import _load_all_params from ...utils import load_nist_vectors @pytest.mark.requires_backend_interface(interface=CipherBackend) class TestAESKeyWrap(object): @pytest.mark.parametrize( "params", _load_all_params( os.path.join("keywrap", "kwtestvectors"), ["KW_AE_128.txt", "KW_AE_192.txt", "KW_AE_256.txt"], load_nist_vectors ) ) @pytest.mark.supported( only_if=lambda backend: backend.cipher_supported( algorithms.AES(b"\x00" * 16), modes.ECB() ), skip_message="Does not support AES key wrap (RFC 3394) because AES-ECB" " is unsupported", ) def test_wrap(self, backend, params): wrapping_key = binascii.unhexlify(params["k"]) key_to_wrap = binascii.unhexlify(params["p"]) wrapped_key = keywrap.aes_key_wrap(wrapping_key, key_to_wrap, backend) assert params["c"] == binascii.hexlify(wrapped_key) @pytest.mark.parametrize( "params", _load_all_params( os.path.join("keywrap", "kwtestvectors"), ["KW_AD_128.txt", "KW_AD_192.txt", "KW_AD_256.txt"], load_nist_vectors ) ) @pytest.mark.supported( only_if=lambda backend: backend.cipher_supported( algorithms.AES(b"\x00" * 16), modes.ECB() ), skip_message="Does not support AES key wrap (RFC 3394) because AES-ECB" " is unsupported", ) def test_unwrap(self, backend, params): wrapping_key = binascii.unhexlify(params["k"]) wrapped_key = binascii.unhexlify(params["c"]) if params.get("fail") is True: with pytest.raises(keywrap.InvalidUnwrap): keywrap.aes_key_unwrap(wrapping_key, wrapped_key, backend) else: unwrapped_key = keywrap.aes_key_unwrap( wrapping_key, wrapped_key, backend ) assert params["p"] == binascii.hexlify(unwrapped_key) @pytest.mark.supported( only_if=lambda backend: backend.cipher_supported( algorithms.AES(b"\x00" * 16), modes.ECB() ), skip_message="Does not support AES key wrap (RFC 3394) because AES-ECB" " is unsupported", ) def test_wrap_invalid_key_length(self, backend): # The wrapping key must be of length [16, 24, 32] with pytest.raises(ValueError): keywrap.aes_key_wrap(b"badkey", b"sixteen_byte_key", backend) @pytest.mark.supported( only_if=lambda backend: backend.cipher_supported( algorithms.AES(b"\x00" * 16), modes.ECB() ), skip_message="Does not support AES key wrap (RFC 3394) because AES-ECB" " is unsupported", ) def test_unwrap_invalid_key_length(self, backend): with pytest.raises(ValueError): keywrap.aes_key_unwrap(b"badkey", b"\x00" * 24, backend) @pytest.mark.supported( only_if=lambda backend: backend.cipher_supported( algorithms.AES(b"\x00" * 16), modes.ECB() ), skip_message="Does not support AES key wrap (RFC 3394) because AES-ECB" " is unsupported", ) def test_wrap_invalid_key_to_wrap_length(self, backend): # Keys to wrap must be at least 16 bytes long with pytest.raises(ValueError): keywrap.aes_key_wrap(b"sixteen_byte_key", b"\x00" * 15, backend) # Keys to wrap must be a multiple of 8 bytes with pytest.raises(ValueError): keywrap.aes_key_wrap(b"sixteen_byte_key", b"\x00" * 23, backend) def test_unwrap_invalid_wrapped_key_length(self, backend): # Keys to unwrap must be at least 24 bytes with pytest.raises(ValueError): keywrap.aes_key_unwrap(b"sixteen_byte_key", b"\x00" * 16, backend) # Keys to unwrap must be a multiple of 8 bytes with pytest.raises(ValueError): keywrap.aes_key_unwrap(b"sixteen_byte_key", b"\x00" * 27, backend)
[ 1, 396, 910, 934, 338, 14581, 7794, 21144, 1090, 278, 4958, 310, 278, 13380, 19245, 29892, 10079, 30004, 13, 29937, 29871, 29906, 29889, 29900, 29892, 322, 278, 350, 7230, 19245, 29889, 2823, 278, 365, 2965, 1430, 1660, 934, 297, 278, 3876, 310, 445, 9810, 30004, 13, 29937, 363, 4866, 4902, 22993, 13, 30004, 13, 3166, 4770, 29888, 9130, 1649, 1053, 8380, 29918, 5215, 29892, 8542, 29892, 1596, 29918, 2220, 30004, 13, 30004, 13, 5215, 9016, 294, 18869, 30004, 13, 5215, 2897, 30004, 13, 30004, 13, 5215, 11451, 1688, 30004, 13, 30004, 13, 3166, 24941, 5275, 29889, 29882, 834, 2922, 29889, 1627, 1975, 29889, 1639, 8726, 1053, 11402, 8096, 5841, 355, 30004, 13, 3166, 24941, 5275, 29889, 29882, 834, 2922, 29889, 9469, 277, 3145, 1053, 1820, 6312, 30004, 13, 3166, 24941, 5275, 29889, 29882, 834, 2922, 29889, 9469, 277, 3145, 29889, 455, 561, 414, 1053, 14009, 29892, 18893, 30004, 13, 30004, 13, 3166, 869, 13239, 1053, 903, 1359, 29918, 497, 29918, 7529, 30004, 13, 3166, 2023, 13239, 1053, 2254, 29918, 29876, 391, 29918, 345, 14359, 30004, 13, 30004, 13, 30004, 13, 29992, 2272, 1688, 29889, 3502, 29889, 276, 339, 2658, 29918, 27852, 29918, 13248, 29898, 13248, 29922, 29907, 29875, 8096, 5841, 355, 8443, 13, 1990, 4321, 29909, 2890, 2558, 29956, 2390, 29898, 3318, 1125, 30004, 13, 1678, 732, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 29898, 30004, 13, 4706, 376, 7529, 15231, 13, 4706, 903, 1359, 29918, 497, 29918, 7529, 29898, 30004, 13, 9651, 2897, 29889, 2084, 29889, 7122, 703, 1989, 6312, 613, 376, 11022, 1688, 345, 14359, 4968, 30004, 13, 9651, 6796, 29968, 29956, 29918, 16036, 29918, 29896, 29906, 29947, 29889, 3945, 613, 376, 29968, 29956, 29918, 16036, 29918, 29896, 29929, 29906, 29889, 3945, 613, 376, 29968, 29956, 29918, 16036, 29918, 29906, 29945, 29953, 29889, 3945, 12436, 30004, 13, 9651, 2254, 29918, 29876, 391, 29918, 345, 14359, 30004, 13, 4706, 1723, 30004, 13, 1678, 1723, 30004, 13, 1678, 732, 2272, 1688, 29889, 3502, 29889, 23765, 29898, 30004, 13, 4706, 871, 29918, 361, 29922, 2892, 14998, 29901, 14998, 29889, 455, 8096, 29918, 23765, 29898, 30004, 13, 9651, 14009, 29889, 29909, 2890, 29898, 29890, 26732, 29916, 29900, 29900, 29908, 334, 29871, 29896, 29953, 511, 18893, 29889, 11206, 29933, 26471, 13, 4706, 10353, 30004, 13, 4706, 14383, 29918, 4906, 543, 25125, 451, 2304, 319, 2890, 1820, 12244, 313, 29934, 8610, 29871, 29941, 29941, 29929, 29946, 29897, 1363, 319, 2890, 29899, 11206, 29933, 19451, 13, 462, 268, 376, 338, 443, 23765, 15231, 13, 1678, 1723, 30004, 13, 1678, 822, 1243, 29918, 6312, 29898, 1311, 29892, 14998, 29892, 8636, 1125, 30004, 13, 4706, 28489, 29918, 1989, 353, 9016, 294, 18869, 29889, 348, 354, 15524, 1598, 29898, 7529, 3366, 29895, 20068, 30004, 13, 4706, 1820, 29918, 517, 29918, 6312, 353, 9016, 294, 18869, 29889, 348, 354, 15524, 1598, 29898, 7529, 3366, 29886, 20068, 30004, 13, 4706, 21021, 29918, 1989, 353, 1820, 6312, 29889, 28628, 29918, 1989, 29918, 6312, 29898, 29893, 336, 3262, 29918, 1989, 29892, 1820, 29918, 517, 29918, 6312, 29892, 14998, 8443, 13, 4706, 4974, 8636, 3366, 29883, 3108, 1275, 9016, 294, 18869, 29889, 354, 15524, 1598, 29898, 29893, 336, 2986, 29918, 1989, 8443, 13, 30004, 13, 1678, 732, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 29898, 30004, 13, 4706, 376, 7529, 15231, 13, 4706, 903, 1359, 29918, 497, 29918, 7529, 29898, 30004, 13, 9651, 2897, 29889, 2084, 29889, 7122, 703, 1989, 6312, 613, 376, 11022, 1688, 345, 14359, 4968, 30004, 13, 9651, 6796, 29968, 29956, 29918, 3035, 29918, 29896, 29906, 29947, 29889, 3945, 613, 376, 29968, 29956, 29918, 3035, 29918, 29896, 29929, 29906, 29889, 3945, 613, 376, 29968, 29956, 29918, 3035, 29918, 29906, 29945, 29953, 29889, 3945, 12436, 30004, 13, 9651, 2254, 29918, 29876, 391, 29918, 345, 14359, 30004, 13, 4706, 1723, 30004, 13, 1678, 1723, 30004, 13, 1678, 732, 2272, 1688, 29889, 3502, 29889, 23765, 29898, 30004, 13, 4706, 871, 29918, 361, 29922, 2892, 14998, 29901, 14998, 29889, 455, 8096, 29918, 23765, 29898, 30004, 13, 9651, 14009, 29889, 29909, 2890, 29898, 29890, 26732, 29916, 29900, 29900, 29908, 334, 29871, 29896, 29953, 511, 18893, 29889, 11206, 29933, 26471, 13, 4706, 10353, 30004, 13, 4706, 14383, 29918, 4906, 543, 25125, 451, 2304, 319, 2890, 1820, 12244, 313, 29934, 8610, 29871, 29941, 29941, 29929, 29946, 29897, 1363, 319, 2890, 29899, 11206, 29933, 19451, 13, 462, 268, 376, 338, 443, 23765, 15231, 13, 1678, 1723, 30004, 13, 1678, 822, 1243, 29918, 26238, 29898, 1311, 29892, 14998, 29892, 8636, 1125, 30004, 13, 4706, 28489, 29918, 1989, 353, 9016, 294, 18869, 29889, 348, 354, 15524, 1598, 29898, 7529, 3366, 29895, 20068, 30004, 13, 4706, 21021, 29918, 1989, 353, 9016, 294, 18869, 29889, 348, 354, 15524, 1598, 29898, 7529, 3366, 29883, 20068, 30004, 13, 4706, 565, 8636, 29889, 657, 703, 14057, 1159, 338, 5852, 29901, 30004, 13, 9651, 411, 11451, 1688, 29889, 336, 4637, 29898, 1989, 6312, 29889, 13919, 2525, 6312, 1125, 30004, 13, 18884, 1820, 6312, 29889, 28628, 29918, 1989, 29918, 26238, 29898, 29893, 336, 3262, 29918, 1989, 29892, 21021, 29918, 1989, 29892, 14998, 8443, 13, 4706, 1683, 29901, 30004, 13, 9651, 18500, 336, 2986, 29918, 1989, 353, 1820, 6312, 29889, 28628, 29918, 1989, 29918, 26238, 29898, 30004, 13, 18884, 28489, 29918, 1989, 29892, 21021, 29918, 1989, 29892, 14998, 30004, 13, 9651, 1723, 30004, 13, 9651, 4974, 8636, 3366, 29886, 3108, 1275, 9016, 294, 18869, 29889, 354, 15524, 1598, 29898, 348, 29893, 336, 2986, 29918, 1989, 8443, 13, 30004, 13, 1678, 732, 2272, 1688, 29889, 3502, 29889, 23765, 29898, 30004, 13, 4706, 871, 29918, 361, 29922, 2892, 14998, 29901, 14998, 29889, 455, 8096, 29918, 23765, 29898, 30004, 13, 9651, 14009, 29889, 29909, 2890, 29898, 29890, 26732, 29916, 29900, 29900, 29908, 334, 29871, 29896, 29953, 511, 18893, 29889, 11206, 29933, 26471, 13, 4706, 10353, 30004, 13, 4706, 14383, 29918, 4906, 543, 25125, 451, 2304, 319, 2890, 1820, 12244, 313, 29934, 8610, 29871, 29941, 29941, 29929, 29946, 29897, 1363, 319, 2890, 29899, 11206, 29933, 19451, 13, 462, 268, 376, 338, 443, 23765, 15231, 13, 1678, 1723, 30004, 13, 1678, 822, 1243, 29918, 6312, 29918, 20965, 29918, 1989, 29918, 2848, 29898, 1311, 29892, 14998, 1125, 30004, 13, 4706, 396, 450, 28489, 1820, 1818, 367, 310, 3309, 518, 29896, 29953, 29892, 29871, 29906, 29946, 29892, 29871, 29941, 29906, 29962, 30004, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 1917, 2392, 1125, 30004, 13, 9651, 1820, 6312, 29889, 28628, 29918, 1989, 29918, 6312, 29898, 29890, 29908, 12313, 1989, 613, 289, 29908, 28319, 9404, 29918, 10389, 29918, 1989, 613, 14998, 8443, 13, 30004, 13, 1678, 732, 2272, 1688, 29889, 3502, 29889, 23765, 29898, 30004, 13, 4706, 871, 29918, 361, 29922, 2892, 14998, 29901, 14998, 29889, 455, 8096, 29918, 23765, 29898, 30004, 13, 9651, 14009, 29889, 29909, 2890, 29898, 29890, 26732, 29916, 29900, 29900, 29908, 334, 29871, 29896, 29953, 511, 18893, 29889, 11206, 29933, 26471, 13, 4706, 10353, 30004, 13, 4706, 14383, 29918, 4906, 543, 25125, 451, 2304, 319, 2890, 1820, 12244, 313, 29934, 8610, 29871, 29941, 29941, 29929, 29946, 29897, 1363, 319, 2890, 29899, 11206, 29933, 19451, 13, 462, 268, 376, 338, 443, 23765, 15231, 13, 1678, 1723, 30004, 13, 1678, 822, 1243, 29918, 26238, 29918, 20965, 29918, 1989, 29918, 2848, 29898, 1311, 29892, 14998, 1125, 30004, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 1917, 2392, 1125, 30004, 13, 9651, 1820, 6312, 29889, 28628, 29918, 1989, 29918, 26238, 29898, 29890, 29908, 12313, 1989, 613, 289, 26732, 29916, 29900, 29900, 29908, 334, 29871, 29906, 29946, 29892, 14998, 8443, 13, 30004, 13, 1678, 732, 2272, 1688, 29889, 3502, 29889, 23765, 29898, 30004, 13, 4706, 871, 29918, 361, 29922, 2892, 14998, 29901, 14998, 29889, 455, 8096, 29918, 23765, 29898, 30004, 13, 9651, 14009, 29889, 29909, 2890, 29898, 29890, 26732, 29916, 29900, 29900, 29908, 334, 29871, 29896, 29953, 511, 18893, 29889, 11206, 29933, 26471, 13, 4706, 10353, 30004, 13, 4706, 14383, 29918, 4906, 543, 25125, 451, 2304, 319, 2890, 1820, 12244, 313, 29934, 8610, 29871, 29941, 29941, 29929, 29946, 29897, 1363, 319, 2890, 29899, 11206, 29933, 19451, 13, 462, 268, 376, 338, 443, 23765, 15231, 13, 1678, 1723, 30004, 13, 1678, 822, 1243, 29918, 6312, 29918, 20965, 29918, 1989, 29918, 517, 29918, 6312, 29918, 2848, 29898, 1311, 29892, 14998, 1125, 30004, 13, 4706, 396, 4813, 952, 304, 12244, 1818, 367, 472, 3203, 29871, 29896, 29953, 6262, 1472, 30004, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 1917, 2392, 1125, 30004, 13, 9651, 1820, 6312, 29889, 28628, 29918, 1989, 29918, 6312, 29898, 29890, 29908, 28319, 9404, 29918, 10389, 29918, 1989, 613, 289, 26732, 29916, 29900, 29900, 29908, 334, 29871, 29896, 29945, 29892, 14998, 8443, 13, 30004, 13, 4706, 396, 4813, 952, 304, 12244, 1818, 367, 263, 2999, 310, 29871, 29947, 6262, 30004, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 1917, 2392, 1125, 30004, 13, 9651, 1820, 6312, 29889, 28628, 29918, 1989, 29918, 6312, 29898, 29890, 29908, 28319, 9404, 29918, 10389, 29918, 1989, 613, 289, 26732, 29916, 29900, 29900, 29908, 334, 29871, 29906, 29941, 29892, 14998, 8443, 13, 30004, 13, 1678, 822, 1243, 29918, 26238, 29918, 20965, 29918, 29893, 336, 2986, 29918, 1989, 29918, 2848, 29898, 1311, 29892, 14998, 1125, 30004, 13, 4706, 396, 4813, 952, 304, 443, 6312, 1818, 367, 472, 3203, 29871, 29906, 29946, 6262, 30004, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 1917, 2392, 1125, 30004, 13, 9651, 1820, 6312, 29889, 28628, 29918, 1989, 29918, 26238, 29898, 29890, 29908, 28319, 9404, 29918, 10389, 29918, 1989, 613, 289, 26732, 29916, 29900, 29900, 29908, 334, 29871, 29896, 29953, 29892, 14998, 8443, 13, 30004, 13, 4706, 396, 4813, 952, 304, 443, 6312, 1818, 367, 263, 2999, 310, 29871, 29947, 6262, 30004, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 1917, 2392, 1125, 30004, 13, 9651, 1820, 6312, 29889, 28628, 29918, 1989, 29918, 26238, 29898, 29890, 29908, 28319, 9404, 29918, 10389, 29918, 1989, 613, 289, 26732, 29916, 29900, 29900, 29908, 334, 29871, 29906, 29955, 29892, 14998, 8443, 13, 2 ]
contact_PPO.py
ZhaomingXie/RLAlg
0
1609445
import argparse import os import sys import random import numpy as np import scipy import torch import torch.optim as optim import torch.multiprocessing as mp import torch.nn as nn import torch.nn.functional as F from torch.autograd import Variable import torch.utils.data from params import Params import pickle import time as t from model import ActorCriticNet, Shared_obs_stats, ActorCriticNetWithContact import statistics import matplotlib.pyplot as plt from operator import add, sub import pickle import threading import torch.multiprocessing as mp import queue from utils import TrafficLight from utils import Counter from radam import RAdam device = torch.device("cuda" if torch.cuda.is_available() else "cpu") # try: # mp.set_start_method('spawn') # except RuntimeError: # pass import sys sys.path.append('/home/zhaoming/Documents/dev/gym/gym/envs/mujoco') class ReplayMemory(object): def __init__(self, capacity): self.capacity = capacity self.memory = [] self.sample_index = 0 def push(self, events): for event in zip(*events): self.memory.append(event) if len(self.memory)>self.capacity: del self.memory[0] def push_half(self, events): temp_memory = [] for event in zip(*events): temp_memory.append(event) self.memory = self.memory + temp_memory[len(temp_memory)//4:3*len(temp_memory)//2] while len(self.memory)>self.capacity: del self.memory[0] def push_half(self, events): temp_memory = [] for event in zip(*events): temp_memory.append(event) self.memory = self.memory + temp_memory[2*len(temp_memory)//4:len(temp_memory)] while len(self.memory)>self.capacity: del self.memory[0] def clear(self): self.memory = [] self.sample_index = 0 def sample(self, batch_size): #print(len(self.memory), batch_size) samples = zip(*random.sample(self.memory, batch_size)) return map(lambda x: np.concatenate(x, 0), samples) def clean_memory(self): while len(self.memory) > self.capacity: del self.memory[0] def shuffle(self): random.shuffle(self.memory) def sample_one_at_a_time(self): samples = zip(*self.memory[self.sample_index:self.sample_index+1]) self.sample_index += 1 return map(lambda x: np.concatenate(x, 0), samples) def normal(x, mu, log_std): a = (x - mu)/(log_std.exp()) a = -0.5 * a.pow(2) a = torch.sum(a, dim=1) b = torch.sum(log_std, dim=1) #print(a-b) return a-b class RL(object): def __init__(self, env, hidden_layer=[64, 64], contact=False): self.env = env #self.env.env.disableViewer = False self.num_inputs = env.observation_space.shape[0] self.num_outputs = env.action_space.shape[0] self.hidden_layer = hidden_layer self.num_contact = 2 self.params = Params() if contact: self.Net = ActorCriticNetWithContact else: self.Net = ActorCriticNet self.model = self.Net(self.num_inputs, self.num_outputs, self.hidden_layer, num_contact=self.num_contact) self.model.share_memory() self.shared_obs_stats = Shared_obs_stats(self.num_inputs) self.memory = ReplayMemory(10000000) self.value_memory = ReplayMemory(10000000) self.test_mean = [] self.test_std = [] self.noisy_test_mean = [] self.noisy_test_std = [] self.fig = plt.figure() #self.fig2 = plt.figure() self.lr = self.params.lr plt.show(block=False) self.test_list = [] self.noisy_test_list = [] self.queue = mp.Queue() self.value_queue = mp.Queue() self.mpdone = [mp.Event(), mp.Event(), mp.Event(), mp.Event()] self.process = [] self.traffic_light = TrafficLight() self.counter = Counter() self.best_trajectory = ReplayMemory(5000) self.best_score_queue = mp.Queue() self.best_score = mp.Value("f", 0) self.max_reward = mp.Value("f", 1) self.expert_trajectory = ReplayMemory(1e7) self.validation_trajectory = ReplayMemory(6000*9) self.best_validation = 1.0 self.current_best_validation = 1.0 self.return_obs_stats = Shared_obs_stats(1) self.gpu_model = self.Net(self.num_inputs, self.num_outputs,self.hidden_layer, num_contact=self.num_contact) self.base_controller = None def normalize_data(self, num_iter=1000, file='shared_obs_stats.pkl'): state = self.env.reset() state = Variable(torch.Tensor(state).unsqueeze(0)) #model_old = ActorCriticNet(self.num_inputs, self.num_outputs,self.hidden_layer) #model_old.load_state_dict(self.model.state_dict()) for i in range(num_iter): print(i) self.shared_obs_stats.observes(state) state = self.shared_obs_stats.normalize(state)#.to(device) #mu = self.model.sample_actions(state) #action = mu#(mu + log_std.exp()*Variable(eps)) #env_action = action.cpu().data.squeeze().numpy() env_action = np.random.randn(self.num_outputs) state, reward, done, _ = self.env.step(env_action*0) if done: state = self.env.reset() state = Variable(torch.Tensor(state).unsqueeze(0)) with open(file, 'wb') as output: pickle.dump(self.shared_obs_stats, output, pickle.HIGHEST_PROTOCOL) def run_test(self, num_test=1): state = self.env.reset() state = Variable(torch.Tensor(state).unsqueeze(0)) ave_test_reward = 0 total_rewards = [] for i in range(num_test): total_reward = 0 while True: state = self.shared_obs_stats.normalize(state) mu = self.model.sample_best_actions(state) action = mu.cpu().data.squeeze().numpy() if self.base_controller is not None: base_action = self.base_controller.sample_best_actions(state) action += base_action.cpu().data.squeeze().numpy() state, reward, done, _ = self.env.step(action) total_reward += reward #print(state) #print("done", done, "state", state) if done: state = self.env.reset() #print(self.env.position) #print(self.env.time) state = Variable(torch.Tensor(state).unsqueeze(0)) ave_test_reward += total_reward / num_test total_rewards.append(total_reward) break state = Variable(torch.Tensor(state).unsqueeze(0)) #print("avg test reward is", ave_test_reward) reward_mean = statistics.mean(total_rewards) reward_std = statistics.stdev(total_rewards) self.test_mean.append(reward_mean) self.test_std.append(reward_std) self.test_list.append((reward_mean, reward_std)) #print(self.model.state_dict()) def run_test_with_noise(self, num_test=10): state = self.env.reset() state = Variable(torch.Tensor(state).unsqueeze(0)) ave_test_reward = 0 total_rewards = [] for i in range(num_test): total_reward = 0 while True: state = self.shared_obs_stats.normalize(state) mu = self.model.sample_actions(state) eps = torch.randn(mu.size()) action = (mu + 0.0*Variable(eps)) action = action.cpu().data.squeeze().numpy() if self.base_controller is not None: base_action = self.base_controller.sample_best_actions(state) action += base_action.cpu().data.squeeze().numpy() state, reward, done, _ = self.env.step(action) total_reward += reward if done: state = self.env.reset() state = Variable(torch.Tensor(state).unsqueeze(0)) ave_test_reward += total_reward / num_test total_rewards.append(total_reward) break state = Variable(torch.Tensor(state).unsqueeze(0)) #print("avg test reward is", ave_test_reward) reward_mean = statistics.mean(total_rewards) reward_std = statistics.stdev(total_rewards) self.noisy_test_mean.append(reward_mean) self.noisy_test_std.append(reward_std) self.noisy_test_list.append((reward_mean, reward_std)) def plot_statistics(self): ax = self.fig.add_subplot(121) ax2 = self.fig.add_subplot(122) low = [] high = [] index = [] noisy_low = [] noisy_high = [] for i in range(len(self.test_mean)): low.append(self.test_mean[i] - self.test_std[i]) high.append(self.test_mean[i] + self.test_std[i]) noisy_low.append(self.noisy_test_mean[i]-self.noisy_test_std[i]) noisy_high.append(self.noisy_test_mean[i]+self.noisy_test_std[i]) index.append(i) plt.xlabel('iterations') plt.ylabel('average rewards') ax.plot(self.test_mean, 'b') ax2.plot(self.noisy_test_mean, 'g') ax.fill_between(index, low, high, color='cyan') ax2.fill_between(index, noisy_low, noisy_high, color='r') #ax.plot(map(sub, test_mean, test_std)) self.fig.canvas.draw() def collect_samples(self, num_samples, start_state=None, noise=-2.0, env_index=0, random_seed=1): random.seed(random_seed) torch.manual_seed(random_seed+1) np.random.seed(random_seed+2) env.seed(random_seed + 3) #env.seed(random_seed+3) #print(noise) if start_state == None: start_state = self.env.reset() samples = 0 done = False states = [] next_states = [] actions = [] rewards = [] values = [] q_values = [] real_rewards = [] log_probs = [] noise = self.base_noise * self.explore_noise.value self.model.set_noise(noise) state = start_state state = Variable(torch.Tensor(state).unsqueeze(0)) total_reward = 0 #q_value = Variable(torch.zeros(1, 1)) while True: noise = self.base_noise * self.explore_noise.value self.model.set_noise(noise) #print("local", self.model.p_fcs[1].bias.data[0]) #self.model.load_state_dict(torch.load(self.model_name)) signal_init = self.traffic_light.get() score = 0 while samples < num_samples and not done: #self.shared_obs_stats.observes(state) states.append(state.cpu().data.numpy()) #self.shared_obs_stats.observes(state) #print("samples", samples) state = self.shared_obs_stats.normalize(state) action = self.model.sample_actions(state) log_prob = self.model.calculate_prob(state, action) actions.append(action.cpu().data.numpy()) log_probs.append(log_prob.data.numpy()) env_action = action.data.squeeze().numpy() if self.base_controller is not None: base_action = self.base_controller.sample_best_actions(state) env_action += base_action.cpu().data.squeeze().numpy() state, reward, done, _ = self.env.step(env_action) score += reward if reward > self.max_reward.value: self.max_reward.value = reward if self.max_reward.value > 50: self.max_reward.value = 50 #print(self.max_reward.value) #reward *= 0.3 rewards.append(Variable(reward * torch.ones(1)).data.numpy()) real_rewards.append(Variable(reward * torch.ones(1)).data.numpy()) state = Variable(torch.Tensor(state).unsqueeze(0)) next_states.append(state.cpu().data.numpy()) next_state = self.shared_obs_stats.normalize(state) samples += 1 state = self.shared_obs_stats.normalize(state) v = (self.model.get_value(state))*self.max_reward.value# / self.return_obs_stats.std) + self.return_obs_stats.mean if self.base_controller is not None: v += self.base_controller.get_value(state)*self.max_reward.value if done: R = torch.zeros(1, 1) else: R = v.data R = Variable(R) for i in reversed(range(len(real_rewards))): reward = Variable(torch.from_numpy(real_rewards[i]).unsqueeze(0)) R = self.params.gamma * R + reward#self.return_obs_stats.normalize(reward)# Variable(torch.from_numpy(real_rewards[i])) q_values.insert(0, R.cpu().data.numpy()) #self.return_obs_stats.observes(R) #mirror # mirror_states = np.array(states) # mirror_actions = np.array(actions) # ( # negation_obs_indices, # right_obs_indices, # left_obs_indices, # negation_action_indices, # right_action_indices, # left_action_indices, # ) = self.env.get_mirror_indices() # mirror_states[:, :, negation_obs_indices] *= -1 # rl = np.concatenate((right_obs_indices, left_obs_indices)) # lr = np.concatenate((left_obs_indices, right_obs_indices)) # mirror_states[:, :, rl] = mirror_states[:, :,lr] # #mirror_actions = self.model.sample_best_actions(batch_states) # mirror_actions[:, :, negation_action_indices] = mirror_actions[:, :, negation_action_indices] * -1 # rl = np.concatenate((right_action_indices, left_action_indices)) # lr = np.concatenate((left_action_indices, right_action_indices)) # mirror_actions[:, :, rl] = mirror_actions[:, :, lr] # mirror_states = list(mirror_states) # mirror_actions = list(mirror_actions) # #self.queue.put([mirror_states, mirror_actions, np.copy(next_states), np.copy(rewards), np.copy(q_values), np.copy(log_probs)]) # value_states = states + mirror_states # value_actions = actions + mirror_actions # value_next_states = next_states + next_states # value_rewards = rewards + rewards # value_q_values = q_values + q_values # value_log_probs = log_probs + log_probs self.queue.put([states, actions, next_states, rewards, q_values, log_probs]) #self.value_queue.put([value_states, value_actions, value_next_states, value_rewards, value_q_values, value_log_probs]) self.counter.increment() self.env.reset() while self.traffic_light.get() == signal_init: pass start_state = self.env.reset() state = start_state state = Variable(torch.Tensor(state).unsqueeze(0)) total_reward = 0 samples = 0 done = False states = [] next_states = [] actions = [] rewards = [] values = [] q_values = [] real_rewards = [] log_probs = [] #print("child", self.model.noise) #if self.model.noise[0] > -2: # self.model.noise *= 1.001 def collect_expert_samples(self, num_samples, filename, noise=-2.0,validation=False, difficulty=[0, 0]): import gym expert_env = gym.make("mocca_envs:Walker3DStepperEnv-v0") expert_env.set_difficulty(difficulty) start_state = expert_env.reset() samples = 0 done = False states = [] next_states = [] actions = [] rewards = [] q_values = [] model_expert = self.Net(self.num_inputs, self.num_outputs,self.hidden_layer) model_expert.load_state_dict(torch.load(filename)) policy_noise = noise * np.ones(self.num_outputs) model_expert.set_noise(policy_noise) state = start_state state = Variable(torch.Tensor(state).unsqueeze(0)) total_reward = 0 total_sample = 0 #q_value = Variable(torch.zeros(1, 1)) if validation: max_sample = 300 else: max_sample = 50000 while total_sample < max_sample: score = 0 while samples < num_samples and not done: state = self.shared_obs_stats.normalize(state) states.append(state.data.numpy()) mu = model_expert.sample_best_actions(state) actions.append(mu.data.numpy()) eps = torch.randn(mu.size()) if validation: weight = 0.1 else: weight = 0.1 env_action = model_expert.sample_actions(state) env_action = env_action.data.squeeze().numpy() state, reward, done, _ = expert_env.step(env_action) reward = 1 rewards.append(Variable(reward * torch.ones(1)).data.numpy()) state = Variable(torch.Tensor(state).unsqueeze(0)) next_state = self.shared_obs_stats.normalize(state) next_states.append(next_state.data.numpy()) samples += 1 #total_sample += 1 score += reward print("expert score", score) state = self.shared_obs_stats.normalize(state) #print(state) v = model_expert.get_value(state) if done: R = torch.zeros(1, 1) else: R = v.data R = torch.ones(1, 1) * 100 R = Variable(R) for i in reversed(range(len(rewards))): R = self.params.gamma * R + Variable(torch.from_numpy(rewards[i])) q_values.insert(0, R.data.numpy()) if not validation and score >= num_samples: self.expert_trajectory.push([states, actions, next_states, rewards, q_values]) total_sample += num_samples elif score >= num_samples: self.validation_trajectory.push([states, actions, next_states, rewards, q_values]) start_state = expert_env.reset() state = start_state state = Variable(torch.Tensor(state).unsqueeze(0)) total_reward = 0 samples = 0 done = False states = [] next_states = [] actions = [] rewards = [] q_values = [] def normalize(self): for i in range(len(self.memory.memory)): batch_states, _, _, _, _ = self.memory.sample_one_at_a_time() batch_states = Variable(torch.Tensor(batch_states)) self.shared_obs_stats.observes(batch_states) def update_critic(self, batch_size, num_epoch): self.gpu_model.train() optimizer = optim.Adam(self.gpu_model.parameters(), lr=10*self.lr) #optimizer = RAdam(self.model.parameters(), lr=self.lr*10) for k in range(num_epoch): batch_states, batch_actions, batch_next_states, batch_rewards, batch_q_values, _ = self.memory.sample(batch_size) batch_states = self.shared_obs_stats.normalize(Variable(torch.Tensor(batch_states))).to(device) batch_q_values = Variable(torch.Tensor(batch_q_values)).to(device) / self.max_reward.value v_pred = self.gpu_model.get_value(batch_states, device=device) if self.base_controller is not None: v_pred = self.base_controller.get_value(batch_states) + v_pred loss_value = (v_pred - batch_q_values)**2 loss_value = 0.5*torch.mean(loss_value) optimizer.zero_grad() loss_value.backward(retain_graph=True) optimizer.step() #print(loss_value) def update_actor(self, batch_size, num_epoch, supervised=False): model_old = self.Net(self.num_inputs, self.num_outputs, self.hidden_layer, num_contact=self.num_contact).to(device) model_old.load_state_dict(self.gpu_model.state_dict()) model_old.set_noise(self.model.noise) self.gpu_model.train() optimizer = optim.Adam(self.gpu_model.parameters(), lr=self.lr) #optimizer = RAdam(self.model.parameters(), lr=self.lr) for k in range(num_epoch): batch_states, batch_actions, _, _, batch_q_values, batch_log_probs = self.memory.sample(batch_size) #mirror batch_mirror_states = np.copy(batch_states) batch_states = self.shared_obs_stats.normalize(Variable(torch.Tensor(batch_states))).to(device) batch_q_values = Variable(torch.Tensor(batch_q_values)).to(device) / self.max_reward.value #batch_q_values = self.return_obs_stats.normalize(Variable(torch.Tensor(batch_q_values))) batch_actions = Variable(torch.Tensor(batch_actions)).to(device) v_pred_old = model_old.get_value(batch_states, device=device) if self.base_controller is not None: v_pred_old += self.base_controller.get_value(batch_states) batch_advantages = (batch_q_values - v_pred_old) probs = self.gpu_model.calculate_prob_gpu(batch_states, batch_actions) probs_old = Variable(torch.Tensor(batch_log_probs)).to(device)#model_old.calculate_prob_gpu(batch_states, batch_actions) ratio = (probs - (probs_old)).exp() ratio = ratio.unsqueeze(1) #print("ratio", ratio) #print(probs, probs_old) surr1 = ratio * batch_advantages surr2 = ratio.clamp(1-self.params.clip, 1+self.params.clip) * batch_advantages loss_clip = -torch.mean(torch.min(surr1, surr2)) #expert loss if supervised is True: if k % 1000 == 999: batch_expert_states, batch_expert_actions, _, _, _ = self.expert_trajectory.sample(len(self.expert_trajectory.memory)) else: batch_expert_states, batch_expert_actions, _, _, _ = self.expert_trajectory.sample(min(batch_size, len(self.expert_trajectory.memory))) batch_expert_states = Variable(torch.Tensor(batch_expert_states)).to(device) batch_expert_actions = Variable(torch.Tensor(batch_expert_actions)).to(device) mu_expert = self.gpu_model.sample_best_actions(batch_expert_states) loss_expert = torch.mean((batch_expert_actions-mu_expert)**2) print(loss_expert) else: loss_expert = 0 #mirror loss # ( # negation_obs_indices, # right_obs_indices, # left_obs_indices, # negation_action_indices, # right_action_indices, # left_action_indices, # ) = self.env.get_mirror_indices() # batch_mirror_states[:, negation_obs_indices] *= -1 # rl = np.concatenate((right_obs_indices, left_obs_indices)) # lr = np.concatenate((left_obs_indices, right_obs_indices)) # batch_mirror_states[:, rl] = batch_mirror_states[:, lr] # #with torch.no_grad(): # batch_mirror_actions = self.gpu_model.sample_best_actions(batch_states) # if self.base_controller is not None: # batch_mirror_actions = self.base_controller.sample_best_actions(batch_states) + batch_mirror_actions # batch_mirror_actions_clone = batch_mirror_actions.clone() # batch_mirror_actions_clone[:, negation_action_indices] = batch_mirror_actions[:, negation_action_indices] * -1 # rl = np.concatenate((right_action_indices, left_action_indices)) # lr = np.concatenate((left_action_indices, right_action_indices)) # batch_mirror_actions_clone[:, rl] = batch_mirror_actions[:, lr] # batch_mirror_states = Variable(torch.Tensor(batch_mirror_states)).to(device) # mirror_mu = self.gpu_model.sample_best_actions(batch_mirror_states) # if self.base_controller is not None: # mirror_mu = self.base_controller.sample_best_actions(batch_mirror_states) + mirror_mu # mirror_loss = torch.mean((mirror_mu - batch_mirror_actions_clone)**2) loss_w = 0#torch.mean(batch_w**2) entropy_loss = -self.gpu_model.log_std.mean() if supervised: total_loss = 1.0*loss_expert else: total_loss = loss_clip #print(total_loss) #print("mirror_loss", mirror_loss) #print(k, loss_w) optimizer.zero_grad() total_loss.backward(retain_graph=True) #print(torch.nn.utils.clip_grad_norm(self.model.parameters(),1)) optimizer.step() #print(self.shared_obs_stats.mean.data) if self.lr > 1e-5: self.lr *= 0.99 else: self.lr = 1e-5 if self.weight > 10: self.weight *= 0.99 if self.weight < 10: self.weight = 10.0 def validation(self): batch_states, batch_actions, batch_next_states, batch_rewards, batch_q_values = self.validation_trajectory.sample(300) model_old = ActorCriticNet(self.num_inputs, self.num_outputs, self.hidden_layer) model_old.load_state_dict(self.model.state_dict()) batch_states = Variable(torch.Tensor(batch_states)) batch_q_values = Variable(torch.Tensor(batch_q_values)) batch_actions = Variable(torch.Tensor(batch_actions)) mu_old, log_std_old, v_pred_old = model_old(batch_states) loss = torch.mean((batch_actions-mu_old)**2) if loss.data < self.current_best_validation: self.current_best_validation = loss.data print("validation error", self.current_best_validation) def clear_memory(self): self.memory.clear() self.value_memory.clear() def save_model(self, filename): torch.save(self.model.state_dict(), filename) def save_shared_obs_stas(self, filename): with open(filename, 'wb') as output: pickle.dump(self.shared_obs_stats, output, pickle.HIGHEST_PROTOCOL) def save_statistics(self, filename): statistics = [self.time_passed, self.num_samples, self.test_mean, self.test_std, self.noisy_test_mean, self.noisy_test_std] with open(filename, 'wb') as output: pickle.dump(statistics, output, pickle.HIGHEST_PROTOCOL) def collect_samples_multithread(self): #queue = Queue.Queue() import time self.start = time.time() self.lr = 1e-4 self.weight = 10 num_threads = 50 self.num_samples = 0 self.time_passed = 0 score_counter = 0 total_thread = 0 max_samples = 25000 seeds = [ i * 100 for i in range(num_threads) ] self.explore_noise = mp.Value("f", -1.5) #self.base_noise = np.array([2, 2, 2, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 2, 2, 2, 2, 2, 2, 2, 2]) self.base_noise = np.ones(self.num_outputs) noise = self.base_noise * self.explore_noise.value #noise[[0, 1, 5, 6]] = -3 ts = [ mp.Process(target=self.collect_samples,args=(500,), kwargs={'noise':noise, 'random_seed':seed}) for seed in seeds ] for t in ts: t.start() #print("started") self.model.set_noise(noise) self.gpu_model.set_noise(noise) while score_counter < 100: if len(self.noisy_test_mean) % 100 == 1: self.save_statistics("stats/walker2d_contact_seed16_Iter%d.stat"%(len(self.noisy_test_mean))) #print(self.traffic_light.val.value) #if len(self.test_mean) % 100 == 1 and self.test_mean[len(self.test_mean)-1] > 300: # self.save_model("torch_model/multiskill/v4_cassie3dMirrorIter%d.pt"%(len(self.test_mean),)) # while len(self.memory.memory) < 50000: # if self.counter.get() == num_threads: # for i in range(num_threads): # self.memory.push(self.queue.get()) # self.counter.increment() # if len(self.memory.memory) < 50000 and self.counter.get() == num_threads + 1: # self.counter.reset() # self.traffic_light.switch() self.save_model(self.model_name) while len(self.memory.memory) < max_samples: #print(self.counter.get()) if self.counter.get() == num_threads: for i in range(num_threads): #if random.randint(0, 1) == 0: self.memory.push(self.queue.get()) #self.value_memory.push(self.value_queue.get()) total_thread += num_threads # else: # self.memory.push_half(self.queue.get()) self.counter.increment() if self.counter.get() == num_threads + 1 and len(self.memory.memory) < max_samples: self.traffic_light.switch() self.counter.reset() self.num_samples += len(self.memory.memory) #while not self.best_score_queue.empty(): # self.best_trajectory.push_half(self.best_score_queue.get()) #self.normalize() #self.model.to(device) self.gpu_model.load_state_dict(self.model.state_dict()) self.gpu_model.to(device) self.gpu_model.set_noise(self.model.noise) if self.base_controller is not None: self.base_controller.to(device) self.update_critic(min(128, len(self.memory.memory)), (len(self.memory.memory)//3000 + 1)*64) self.update_actor(min(128, len(self.memory.memory)), (len(self.memory.memory)//3000 + 1)*64, supervised=False) #self.update_critic(128, 2560) #self.update_actor(128, 2560, supervised=False) self.gpu_model.to("cpu") if self.base_controller is not None: self.base_controller.to("cpu") self.model.load_state_dict(self.gpu_model.state_dict()) self.clear_memory() self.run_test(num_test=2) self.run_test_with_noise(num_test=2) print(self.num_samples, self.noisy_test_mean[-1]) if self.noisy_test_mean[-1] > 3500: score_counter += 1 else: score_counter = 0 if self.explore_noise.value > -1.5: print("main", self.model.noise) self.explore_noise.value *= 1.001 self.model.noise = self.base_noise * self.explore_noise.value print(self.max_reward.value) self.plot_statistics() self.time_passed = time.time() - self.start total_thread = 0 #print("main", self.model.p_fcs[1].bias.data[0]) self.traffic_light.switch() self.counter.reset() def add_env(self, env): self.env_list.append(env) def mkdir(base, name): path = os.path.join(base, name) if not os.path.exists(path): os.makedirs(path) return path if __name__ == '__main__': seed = 16 random.seed(seed) torch.manual_seed(seed) torch.cuda.manual_seed(seed) np.random.seed(seed) torch.set_num_threads(1) import gym env = gym.make("Walker2d-v2") env.set_contact(1) ppo = RL(env, [256, 256], contact=True) #ppo.base_controller = ActorCriticNet(ppo.num_inputs, ppo.num_outputs, hidden_layer=[256, 256, 256, 256, 256], num_contact=2) #ppo.base_controller.load_state_dict(torch.load("torch_model/StepperOct06.pt")) ppo.model_name = "torch_model/walker2d_contact_seed16.pt" #ppo.model.load_state_dict(torch.load("torch_model/Stepper256X5_65_10_seed8.pt")) #ppo.env.set_difficulty([0.65, 0.65, 20, 20]) #ppo.max_reward.value = 50 #with open('torch_model/cassie3dMirror2kHz_shared_obs_stats.pkl', 'rb') as input: # shared_obs_stats = pickle.load(input) #ppo.normalize_data() #ppo.save_shared_obs_stas("torch_model/cassie_terrain_obs_stats.pkl") # ppo.collect_expert_samples(500, "torch_model/Stepper256X5_65_00_seed8.pt", noise=-2.0, difficulty = [0.65, 0]) # ppo.collect_expert_samples(500, "torch_model/Stepper256X5_75_00_seed8.pt", noise=-2.0, difficulty = [0.75, 0]) # ppo.collect_expert_samples(500, "torch_model/Stepper256X5_85_00_seed8.pt", noise=-2.0, difficulty = [0.85, 0]) # ppo.collect_expert_samples(500, "torch_model/Stepper256X5_65_10_seed8.pt", noise=-2.0, difficulty = [0.65, 10]) #ppo.save_model(ppo.model_name) ppo.collect_samples_multithread() #ppo.start = t.time()
[ 1, 1053, 1852, 5510, 13, 5215, 2897, 13, 5215, 10876, 13, 5215, 4036, 13, 5215, 12655, 408, 7442, 13, 5215, 4560, 2272, 13, 13, 5215, 4842, 305, 13, 5215, 4842, 305, 29889, 20640, 408, 5994, 13, 5215, 4842, 305, 29889, 18056, 307, 985, 292, 408, 22326, 13, 5215, 4842, 305, 29889, 15755, 408, 302, 29876, 13, 5215, 4842, 305, 29889, 15755, 29889, 2220, 284, 408, 383, 13, 3166, 4842, 305, 29889, 1300, 468, 3665, 1053, 28736, 13, 5215, 4842, 305, 29889, 13239, 29889, 1272, 13, 13, 3166, 8636, 1053, 1459, 2232, 13, 13, 5215, 5839, 280, 13, 5215, 931, 408, 260, 13, 13, 3166, 1904, 1053, 319, 2801, 29907, 768, 293, 6779, 29892, 21236, 29918, 26290, 29918, 16202, 29892, 319, 2801, 29907, 768, 293, 6779, 3047, 13443, 13, 13, 5215, 13964, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 13, 3166, 5455, 1053, 788, 29892, 1014, 13, 13, 5215, 5839, 280, 13, 5215, 3244, 292, 13, 5215, 4842, 305, 29889, 18056, 307, 985, 292, 408, 22326, 13, 5215, 9521, 13, 3166, 3667, 29879, 1053, 3201, 2416, 20769, 13, 3166, 3667, 29879, 1053, 315, 5336, 13, 3166, 2971, 314, 1053, 390, 3253, 314, 13, 13, 10141, 353, 4842, 305, 29889, 10141, 703, 29883, 6191, 29908, 565, 4842, 305, 29889, 29883, 6191, 29889, 275, 29918, 16515, 580, 1683, 376, 21970, 1159, 13, 29937, 1018, 29901, 13, 29937, 268, 22326, 29889, 842, 29918, 2962, 29918, 5696, 877, 1028, 18101, 1495, 13, 29937, 5174, 24875, 2392, 29901, 13, 29937, 268, 1209, 13, 5215, 10876, 13, 9675, 29889, 2084, 29889, 4397, 11219, 5184, 29914, 29920, 2350, 28826, 29914, 20128, 29914, 3359, 29914, 29887, 962, 29914, 29887, 962, 29914, 264, 4270, 29914, 2589, 29926, 6235, 1495, 13, 13, 1990, 830, 1456, 16015, 29898, 3318, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 13284, 1125, 13, 4706, 1583, 29889, 5030, 5946, 353, 13284, 13, 4706, 1583, 29889, 14834, 353, 5159, 13, 4706, 1583, 29889, 11249, 29918, 2248, 353, 29871, 29900, 13, 13, 1678, 822, 5503, 29898, 1311, 29892, 4959, 1125, 13, 4706, 363, 1741, 297, 14319, 10456, 13604, 1125, 13, 9651, 1583, 29889, 14834, 29889, 4397, 29898, 3696, 29897, 13, 9651, 565, 7431, 29898, 1311, 29889, 14834, 15410, 1311, 29889, 5030, 5946, 29901, 13, 18884, 628, 1583, 29889, 14834, 29961, 29900, 29962, 13, 13, 1678, 822, 5503, 29918, 24498, 29898, 1311, 29892, 4959, 1125, 13, 4706, 5694, 29918, 14834, 353, 5159, 13, 4706, 363, 1741, 297, 14319, 10456, 13604, 1125, 13, 9651, 5694, 29918, 14834, 29889, 4397, 29898, 3696, 29897, 13, 4706, 1583, 29889, 14834, 353, 1583, 29889, 14834, 718, 5694, 29918, 14834, 29961, 2435, 29898, 7382, 29918, 14834, 29897, 458, 29946, 29901, 29941, 29930, 2435, 29898, 7382, 29918, 14834, 29897, 458, 29906, 29962, 13, 13, 4706, 1550, 7431, 29898, 1311, 29889, 14834, 15410, 1311, 29889, 5030, 5946, 29901, 13, 9651, 628, 1583, 29889, 14834, 29961, 29900, 29962, 13, 13, 1678, 822, 5503, 29918, 24498, 29898, 1311, 29892, 4959, 1125, 13, 4706, 5694, 29918, 14834, 353, 5159, 13, 4706, 363, 1741, 297, 14319, 10456, 13604, 1125, 13, 9651, 5694, 29918, 14834, 29889, 4397, 29898, 3696, 29897, 13, 4706, 1583, 29889, 14834, 353, 1583, 29889, 14834, 718, 5694, 29918, 14834, 29961, 29906, 29930, 2435, 29898, 7382, 29918, 14834, 29897, 458, 29946, 29901, 2435, 29898, 7382, 29918, 14834, 4638, 13, 13, 4706, 1550, 7431, 29898, 1311, 29889, 14834, 15410, 1311, 29889, 5030, 5946, 29901, 13, 9651, 628, 1583, 29889, 14834, 29961, 29900, 29962, 13, 13, 1678, 822, 2821, 29898, 1311, 1125, 13, 4706, 1583, 29889, 14834, 353, 5159, 13, 4706, 1583, 29889, 11249, 29918, 2248, 353, 29871, 29900, 13, 13, 1678, 822, 4559, 29898, 1311, 29892, 9853, 29918, 2311, 1125, 13, 4706, 396, 2158, 29898, 2435, 29898, 1311, 29889, 14834, 511, 9853, 29918, 2311, 29897, 13, 4706, 11916, 353, 14319, 10456, 8172, 29889, 11249, 29898, 1311, 29889, 14834, 29892, 9853, 29918, 2311, 876, 13, 4706, 736, 2910, 29898, 2892, 921, 29901, 7442, 29889, 535, 29883, 2579, 403, 29898, 29916, 29892, 29871, 29900, 511, 11916, 29897, 13, 13, 1678, 822, 5941, 29918, 14834, 29898, 1311, 1125, 13, 4706, 1550, 7431, 29898, 1311, 29889, 14834, 29897, 1405, 1583, 29889, 5030, 5946, 29901, 13, 9651, 628, 1583, 29889, 14834, 29961, 29900, 29962, 13, 13, 1678, 822, 528, 21897, 29898, 1311, 1125, 13, 4706, 4036, 29889, 845, 21897, 29898, 1311, 29889, 14834, 29897, 13, 13, 1678, 822, 4559, 29918, 650, 29918, 271, 29918, 29874, 29918, 2230, 29898, 1311, 1125, 13, 4706, 11916, 353, 14319, 10456, 1311, 29889, 14834, 29961, 1311, 29889, 11249, 29918, 2248, 29901, 1311, 29889, 11249, 29918, 2248, 29974, 29896, 2314, 13, 4706, 1583, 29889, 11249, 29918, 2248, 4619, 29871, 29896, 13, 4706, 736, 2910, 29898, 2892, 921, 29901, 7442, 29889, 535, 29883, 2579, 403, 29898, 29916, 29892, 29871, 29900, 511, 11916, 29897, 13, 13, 1753, 4226, 29898, 29916, 29892, 3887, 29892, 1480, 29918, 4172, 1125, 13, 1678, 263, 353, 313, 29916, 448, 3887, 6802, 29898, 1188, 29918, 4172, 29889, 4548, 3101, 13, 1678, 263, 353, 448, 29900, 29889, 29945, 334, 263, 29889, 12248, 29898, 29906, 29897, 13, 1678, 263, 353, 4842, 305, 29889, 2083, 29898, 29874, 29892, 3964, 29922, 29896, 29897, 13, 1678, 289, 353, 4842, 305, 29889, 2083, 29898, 1188, 29918, 4172, 29892, 3964, 29922, 29896, 29897, 13, 1678, 396, 2158, 29898, 29874, 29899, 29890, 29897, 13, 1678, 736, 263, 29899, 29890, 13, 13, 1990, 390, 29931, 29898, 3318, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 8829, 29892, 7934, 29918, 13148, 11759, 29953, 29946, 29892, 29871, 29953, 29946, 1402, 6958, 29922, 8824, 1125, 13, 4706, 1583, 29889, 6272, 353, 8829, 13, 4706, 396, 1311, 29889, 6272, 29889, 6272, 29889, 20472, 29963, 15580, 353, 7700, 13, 4706, 1583, 29889, 1949, 29918, 2080, 29879, 353, 8829, 29889, 26739, 362, 29918, 3493, 29889, 12181, 29961, 29900, 29962, 13, 4706, 1583, 29889, 1949, 29918, 4905, 29879, 353, 8829, 29889, 2467, 29918, 3493, 29889, 12181, 29961, 29900, 29962, 13, 4706, 1583, 29889, 10892, 29918, 13148, 353, 7934, 29918, 13148, 13, 4706, 1583, 29889, 1949, 29918, 12346, 353, 29871, 29906, 13, 13, 4706, 1583, 29889, 7529, 353, 1459, 2232, 580, 13, 4706, 565, 6958, 29901, 13, 9651, 1583, 29889, 6779, 353, 319, 2801, 29907, 768, 293, 6779, 3047, 13443, 13, 4706, 1683, 29901, 13, 9651, 1583, 29889, 6779, 353, 319, 2801, 29907, 768, 293, 6779, 13, 4706, 1583, 29889, 4299, 353, 1583, 29889, 6779, 29898, 1311, 29889, 1949, 29918, 2080, 29879, 29892, 1583, 29889, 1949, 29918, 4905, 29879, 29892, 1583, 29889, 10892, 29918, 13148, 29892, 954, 29918, 12346, 29922, 1311, 29889, 1949, 29918, 12346, 29897, 13, 4706, 1583, 29889, 4299, 29889, 13653, 29918, 14834, 580, 13, 4706, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 353, 21236, 29918, 26290, 29918, 16202, 29898, 1311, 29889, 1949, 29918, 2080, 29879, 29897, 13, 4706, 1583, 29889, 14834, 353, 830, 1456, 16015, 29898, 29896, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29897, 13, 4706, 1583, 29889, 1767, 29918, 14834, 353, 830, 1456, 16015, 29898, 29896, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29897, 13, 4706, 1583, 29889, 1688, 29918, 12676, 353, 5159, 13, 4706, 1583, 29889, 1688, 29918, 4172, 353, 5159, 13, 13, 4706, 1583, 29889, 1217, 13344, 29918, 1688, 29918, 12676, 353, 5159, 13, 4706, 1583, 29889, 1217, 13344, 29918, 1688, 29918, 4172, 353, 5159, 13, 4706, 1583, 29889, 1003, 353, 14770, 29889, 4532, 580, 13, 4706, 396, 1311, 29889, 1003, 29906, 353, 14770, 29889, 4532, 580, 13, 4706, 1583, 29889, 29212, 353, 1583, 29889, 7529, 29889, 29212, 13, 4706, 14770, 29889, 4294, 29898, 1271, 29922, 8824, 29897, 13, 13, 4706, 1583, 29889, 1688, 29918, 1761, 353, 5159, 13, 4706, 1583, 29889, 1217, 13344, 29918, 1688, 29918, 1761, 353, 5159, 13, 4706, 1583, 29889, 9990, 353, 22326, 29889, 10620, 580, 13, 4706, 1583, 29889, 1767, 29918, 9990, 353, 22326, 29889, 10620, 580, 13, 13, 4706, 1583, 29889, 1526, 15091, 353, 518, 1526, 29889, 2624, 3285, 22326, 29889, 2624, 3285, 22326, 29889, 2624, 3285, 22326, 29889, 2624, 580, 29962, 13, 13, 4706, 1583, 29889, 5014, 353, 5159, 13, 4706, 1583, 29889, 3018, 2416, 29918, 4366, 353, 3201, 2416, 20769, 580, 13, 4706, 1583, 29889, 11808, 353, 315, 5336, 580, 13, 13, 4706, 1583, 29889, 13318, 29918, 3018, 622, 706, 353, 830, 1456, 16015, 29898, 29945, 29900, 29900, 29900, 29897, 13, 4706, 1583, 29889, 13318, 29918, 13628, 29918, 9990, 353, 22326, 29889, 10620, 580, 13, 4706, 1583, 29889, 13318, 29918, 13628, 353, 22326, 29889, 1917, 703, 29888, 613, 29871, 29900, 29897, 13, 4706, 1583, 29889, 3317, 29918, 276, 1328, 353, 22326, 29889, 1917, 703, 29888, 613, 29871, 29896, 29897, 13, 13, 4706, 1583, 29889, 735, 10700, 29918, 3018, 622, 706, 353, 830, 1456, 16015, 29898, 29896, 29872, 29955, 29897, 13, 13, 4706, 1583, 29889, 18157, 29918, 3018, 622, 706, 353, 830, 1456, 16015, 29898, 29953, 29900, 29900, 29900, 29930, 29929, 29897, 13, 13, 4706, 1583, 29889, 13318, 29918, 18157, 353, 29871, 29896, 29889, 29900, 13, 4706, 1583, 29889, 3784, 29918, 13318, 29918, 18157, 353, 29871, 29896, 29889, 29900, 13, 13, 4706, 1583, 29889, 2457, 29918, 26290, 29918, 16202, 353, 21236, 29918, 26290, 29918, 16202, 29898, 29896, 29897, 13, 13, 4706, 1583, 29889, 29887, 3746, 29918, 4299, 353, 1583, 29889, 6779, 29898, 1311, 29889, 1949, 29918, 2080, 29879, 29892, 1583, 29889, 1949, 29918, 4905, 29879, 29892, 1311, 29889, 10892, 29918, 13148, 29892, 954, 29918, 12346, 29922, 1311, 29889, 1949, 29918, 12346, 29897, 13, 13, 4706, 1583, 29889, 3188, 29918, 8299, 353, 6213, 13, 13, 1678, 822, 4226, 675, 29918, 1272, 29898, 1311, 29892, 954, 29918, 1524, 29922, 29896, 29900, 29900, 29900, 29892, 934, 2433, 12366, 29918, 26290, 29918, 16202, 29889, 29886, 6321, 29374, 13, 4706, 2106, 353, 1583, 29889, 6272, 29889, 12071, 580, 13, 4706, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 4706, 396, 4299, 29918, 1025, 353, 319, 2801, 29907, 768, 293, 6779, 29898, 1311, 29889, 1949, 29918, 2080, 29879, 29892, 1583, 29889, 1949, 29918, 4905, 29879, 29892, 1311, 29889, 10892, 29918, 13148, 29897, 13, 4706, 396, 4299, 29918, 1025, 29889, 1359, 29918, 3859, 29918, 8977, 29898, 1311, 29889, 4299, 29889, 3859, 29918, 8977, 3101, 13, 4706, 363, 474, 297, 3464, 29898, 1949, 29918, 1524, 1125, 13, 9651, 1596, 29898, 29875, 29897, 13, 9651, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 711, 643, 1960, 29898, 3859, 29897, 13, 9651, 2106, 353, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 3859, 29897, 29937, 29889, 517, 29898, 10141, 29897, 13, 9651, 396, 2589, 353, 1583, 29889, 4299, 29889, 11249, 29918, 7387, 29898, 3859, 29897, 13, 9651, 396, 2467, 353, 3887, 29937, 29898, 2589, 718, 1480, 29918, 4172, 29889, 4548, 580, 29930, 16174, 29898, 8961, 876, 13, 9651, 396, 6272, 29918, 2467, 353, 3158, 29889, 21970, 2141, 1272, 29889, 29879, 802, 29872, 911, 2141, 23749, 580, 13, 9651, 8829, 29918, 2467, 353, 7442, 29889, 8172, 29889, 9502, 29876, 29898, 1311, 29889, 1949, 29918, 4905, 29879, 29897, 13, 9651, 2106, 29892, 20751, 29892, 2309, 29892, 903, 353, 1583, 29889, 6272, 29889, 10568, 29898, 6272, 29918, 2467, 29930, 29900, 29897, 13, 13, 9651, 565, 2309, 29901, 13, 18884, 2106, 353, 1583, 29889, 6272, 29889, 12071, 580, 13, 13, 9651, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 13, 4706, 411, 1722, 29898, 1445, 29892, 525, 29893, 29890, 1495, 408, 1962, 29901, 13, 9651, 5839, 280, 29889, 15070, 29898, 1311, 29889, 12366, 29918, 26290, 29918, 16202, 29892, 1962, 29892, 5839, 280, 29889, 29950, 6259, 9606, 1254, 29918, 8618, 4986, 15032, 29897, 13, 13, 1678, 822, 1065, 29918, 1688, 29898, 1311, 29892, 954, 29918, 1688, 29922, 29896, 1125, 13, 4706, 2106, 353, 1583, 29889, 6272, 29889, 12071, 580, 13, 4706, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 4706, 8992, 29918, 1688, 29918, 276, 1328, 353, 29871, 29900, 13, 13, 4706, 3001, 29918, 276, 2935, 353, 5159, 13, 308, 13, 4706, 363, 474, 297, 3464, 29898, 1949, 29918, 1688, 1125, 13, 9651, 3001, 29918, 276, 1328, 353, 29871, 29900, 13, 9651, 1550, 5852, 29901, 13, 18884, 2106, 353, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 3859, 29897, 13, 18884, 3887, 353, 1583, 29889, 4299, 29889, 11249, 29918, 13318, 29918, 7387, 29898, 3859, 29897, 13, 18884, 3158, 353, 3887, 29889, 21970, 2141, 1272, 29889, 29879, 802, 29872, 911, 2141, 23749, 580, 13, 18884, 565, 1583, 29889, 3188, 29918, 8299, 338, 451, 6213, 29901, 13, 462, 1678, 2967, 29918, 2467, 353, 1583, 29889, 3188, 29918, 8299, 29889, 11249, 29918, 13318, 29918, 7387, 29898, 3859, 29897, 13, 462, 1678, 3158, 4619, 2967, 29918, 2467, 29889, 21970, 2141, 1272, 29889, 29879, 802, 29872, 911, 2141, 23749, 580, 13, 18884, 2106, 29892, 20751, 29892, 2309, 29892, 903, 353, 1583, 29889, 6272, 29889, 10568, 29898, 2467, 29897, 13, 18884, 3001, 29918, 276, 1328, 4619, 20751, 13, 18884, 396, 2158, 29898, 3859, 29897, 13, 18884, 396, 2158, 703, 15091, 613, 2309, 29892, 376, 3859, 613, 2106, 29897, 13, 13, 18884, 565, 2309, 29901, 13, 462, 1678, 2106, 353, 1583, 29889, 6272, 29889, 12071, 580, 13, 462, 1678, 396, 2158, 29898, 1311, 29889, 6272, 29889, 3283, 29897, 13, 462, 1678, 396, 2158, 29898, 1311, 29889, 6272, 29889, 2230, 29897, 13, 462, 1678, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 462, 1678, 8992, 29918, 1688, 29918, 276, 1328, 4619, 3001, 29918, 276, 1328, 847, 954, 29918, 1688, 13, 462, 1678, 3001, 29918, 276, 2935, 29889, 4397, 29898, 7827, 29918, 276, 1328, 29897, 13, 462, 1678, 2867, 13, 18884, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 4706, 396, 2158, 703, 485, 29887, 1243, 20751, 338, 613, 8992, 29918, 1688, 29918, 276, 1328, 29897, 13, 13, 4706, 20751, 29918, 12676, 353, 13964, 29889, 12676, 29898, 7827, 29918, 276, 2935, 29897, 13, 4706, 20751, 29918, 4172, 353, 13964, 29889, 303, 3359, 29898, 7827, 29918, 276, 2935, 29897, 13, 4706, 1583, 29889, 1688, 29918, 12676, 29889, 4397, 29898, 276, 1328, 29918, 12676, 29897, 13, 4706, 1583, 29889, 1688, 29918, 4172, 29889, 4397, 29898, 276, 1328, 29918, 4172, 29897, 13, 4706, 1583, 29889, 1688, 29918, 1761, 29889, 4397, 3552, 276, 1328, 29918, 12676, 29892, 20751, 29918, 4172, 876, 13, 4706, 396, 2158, 29898, 1311, 29889, 4299, 29889, 3859, 29918, 8977, 3101, 13, 13, 1678, 822, 1065, 29918, 1688, 29918, 2541, 29918, 1217, 895, 29898, 1311, 29892, 954, 29918, 1688, 29922, 29896, 29900, 1125, 13, 4706, 2106, 353, 1583, 29889, 6272, 29889, 12071, 580, 13, 4706, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 4706, 8992, 29918, 1688, 29918, 276, 1328, 353, 29871, 29900, 13, 13, 4706, 3001, 29918, 276, 2935, 353, 5159, 13, 308, 13, 4706, 363, 474, 297, 3464, 29898, 1949, 29918, 1688, 1125, 13, 9651, 3001, 29918, 276, 1328, 353, 29871, 29900, 13, 9651, 1550, 5852, 29901, 13, 18884, 2106, 353, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 3859, 29897, 13, 18884, 3887, 353, 1583, 29889, 4299, 29889, 11249, 29918, 7387, 29898, 3859, 29897, 13, 18884, 321, 567, 353, 4842, 305, 29889, 9502, 29876, 29898, 2589, 29889, 2311, 3101, 13, 18884, 3158, 353, 313, 2589, 718, 29871, 29900, 29889, 29900, 29930, 16174, 29898, 8961, 876, 13, 18884, 3158, 353, 3158, 29889, 21970, 2141, 1272, 29889, 29879, 802, 29872, 911, 2141, 23749, 580, 13, 18884, 565, 1583, 29889, 3188, 29918, 8299, 338, 451, 6213, 29901, 13, 462, 1678, 2967, 29918, 2467, 353, 1583, 29889, 3188, 29918, 8299, 29889, 11249, 29918, 13318, 29918, 7387, 29898, 3859, 29897, 13, 462, 1678, 3158, 4619, 2967, 29918, 2467, 29889, 21970, 2141, 1272, 29889, 29879, 802, 29872, 911, 2141, 23749, 580, 13, 18884, 2106, 29892, 20751, 29892, 2309, 29892, 903, 353, 1583, 29889, 6272, 29889, 10568, 29898, 2467, 29897, 13, 18884, 3001, 29918, 276, 1328, 4619, 20751, 13, 13, 18884, 565, 2309, 29901, 13, 462, 1678, 2106, 353, 1583, 29889, 6272, 29889, 12071, 580, 13, 462, 1678, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 462, 1678, 8992, 29918, 1688, 29918, 276, 1328, 4619, 3001, 29918, 276, 1328, 847, 954, 29918, 1688, 13, 462, 1678, 3001, 29918, 276, 2935, 29889, 4397, 29898, 7827, 29918, 276, 1328, 29897, 13, 462, 1678, 2867, 13, 18884, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 4706, 396, 2158, 703, 485, 29887, 1243, 20751, 338, 613, 8992, 29918, 1688, 29918, 276, 1328, 29897, 13, 13, 4706, 20751, 29918, 12676, 353, 13964, 29889, 12676, 29898, 7827, 29918, 276, 2935, 29897, 13, 4706, 20751, 29918, 4172, 353, 13964, 29889, 303, 3359, 29898, 7827, 29918, 276, 2935, 29897, 13, 4706, 1583, 29889, 1217, 13344, 29918, 1688, 29918, 12676, 29889, 4397, 29898, 276, 1328, 29918, 12676, 29897, 13, 4706, 1583, 29889, 1217, 13344, 29918, 1688, 29918, 4172, 29889, 4397, 29898, 276, 1328, 29918, 4172, 29897, 13, 4706, 1583, 29889, 1217, 13344, 29918, 1688, 29918, 1761, 29889, 4397, 3552, 276, 1328, 29918, 12676, 29892, 20751, 29918, 4172, 876, 13, 13, 1678, 822, 6492, 29918, 6112, 6765, 29898, 1311, 1125, 13, 308, 13, 4706, 4853, 353, 1583, 29889, 1003, 29889, 1202, 29918, 1491, 5317, 29898, 29896, 29906, 29896, 29897, 13, 4706, 4853, 29906, 353, 1583, 29889, 1003, 29889, 1202, 29918, 1491, 5317, 29898, 29896, 29906, 29906, 29897, 13, 4706, 4482, 353, 5159, 13, 4706, 1880, 353, 5159, 13, 4706, 2380, 353, 5159, 13, 4706, 694, 13344, 29918, 677, 353, 5159, 13, 4706, 694, 13344, 29918, 9812, 353, 5159, 13, 4706, 363, 474, 297, 3464, 29898, 2435, 29898, 1311, 29889, 1688, 29918, 12676, 22164, 13, 9651, 4482, 29889, 4397, 29898, 1311, 29889, 1688, 29918, 12676, 29961, 29875, 29962, 448, 1583, 29889, 1688, 29918, 4172, 29961, 29875, 2314, 13, 9651, 1880, 29889, 4397, 29898, 1311, 29889, 1688, 29918, 12676, 29961, 29875, 29962, 718, 1583, 29889, 1688, 29918, 4172, 29961, 29875, 2314, 13, 9651, 694, 13344, 29918, 677, 29889, 4397, 29898, 1311, 29889, 1217, 13344, 29918, 1688, 29918, 12676, 29961, 29875, 29962, 29899, 1311, 29889, 1217, 13344, 29918, 1688, 29918, 4172, 29961, 29875, 2314, 13, 9651, 694, 13344, 29918, 9812, 29889, 4397, 29898, 1311, 29889, 1217, 13344, 29918, 1688, 29918, 12676, 29961, 29875, 10062, 1311, 29889, 1217, 13344, 29918, 1688, 29918, 4172, 29961, 29875, 2314, 13, 9651, 2380, 29889, 4397, 29898, 29875, 29897, 13, 4706, 14770, 29889, 29916, 1643, 877, 1524, 800, 1495, 13, 4706, 14770, 29889, 29891, 1643, 877, 12483, 482, 337, 2935, 1495, 13, 4706, 4853, 29889, 5317, 29898, 1311, 29889, 1688, 29918, 12676, 29892, 525, 29890, 1495, 13, 4706, 4853, 29906, 29889, 5317, 29898, 1311, 29889, 1217, 13344, 29918, 1688, 29918, 12676, 29892, 525, 29887, 1495, 13, 4706, 4853, 29889, 5589, 29918, 14811, 29898, 2248, 29892, 4482, 29892, 1880, 29892, 2927, 2433, 1270, 273, 1495, 13, 4706, 4853, 29906, 29889, 5589, 29918, 14811, 29898, 2248, 29892, 694, 13344, 29918, 677, 29892, 694, 13344, 29918, 9812, 29892, 2927, 2433, 29878, 1495, 13, 4706, 396, 1165, 29889, 5317, 29898, 1958, 29898, 1491, 29892, 1243, 29918, 12676, 29892, 1243, 29918, 4172, 876, 13, 4706, 1583, 29889, 1003, 29889, 15257, 29889, 4012, 580, 13, 13, 1678, 822, 6314, 29918, 27736, 29898, 1311, 29892, 954, 29918, 27736, 29892, 1369, 29918, 3859, 29922, 8516, 29892, 11462, 10457, 29906, 29889, 29900, 29892, 8829, 29918, 2248, 29922, 29900, 29892, 4036, 29918, 26776, 29922, 29896, 1125, 13, 13, 4706, 4036, 29889, 26776, 29898, 8172, 29918, 26776, 29897, 13, 4706, 4842, 305, 29889, 11288, 29918, 26776, 29898, 8172, 29918, 26776, 29974, 29896, 29897, 13, 4706, 7442, 29889, 8172, 29889, 26776, 29898, 8172, 29918, 26776, 29974, 29906, 29897, 13, 4706, 8829, 29889, 26776, 29898, 8172, 29918, 26776, 718, 29871, 29941, 29897, 13, 4706, 396, 6272, 29889, 26776, 29898, 8172, 29918, 26776, 29974, 29941, 29897, 13, 4706, 396, 2158, 29898, 1217, 895, 29897, 13, 13, 4706, 565, 1369, 29918, 3859, 1275, 6213, 29901, 13, 9651, 1369, 29918, 3859, 353, 1583, 29889, 6272, 29889, 12071, 580, 13, 4706, 11916, 353, 29871, 29900, 13, 4706, 2309, 353, 7700, 13, 4706, 5922, 353, 5159, 13, 4706, 2446, 29918, 28631, 353, 5159, 13, 4706, 8820, 353, 5159, 13, 4706, 337, 2935, 353, 5159, 13, 4706, 1819, 353, 5159, 13, 4706, 3855, 29918, 5975, 353, 5159, 13, 4706, 1855, 29918, 276, 2935, 353, 5159, 13, 4706, 1480, 29918, 771, 5824, 353, 5159, 13, 4706, 11462, 353, 1583, 29889, 3188, 29918, 1217, 895, 334, 1583, 29889, 24516, 487, 29918, 1217, 895, 29889, 1767, 13, 4706, 1583, 29889, 4299, 29889, 842, 29918, 1217, 895, 29898, 1217, 895, 29897, 13, 13, 4706, 2106, 353, 1369, 29918, 3859, 13, 4706, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 4706, 3001, 29918, 276, 1328, 353, 29871, 29900, 13, 4706, 396, 29939, 29918, 1767, 353, 28736, 29898, 7345, 305, 29889, 3298, 359, 29898, 29896, 29892, 29871, 29896, 876, 13, 4706, 1550, 5852, 29901, 13, 9651, 11462, 353, 1583, 29889, 3188, 29918, 1217, 895, 334, 1583, 29889, 24516, 487, 29918, 1217, 895, 29889, 1767, 13, 9651, 1583, 29889, 4299, 29889, 842, 29918, 1217, 895, 29898, 1217, 895, 29897, 13, 9651, 396, 2158, 703, 2997, 613, 1583, 29889, 4299, 29889, 29886, 29918, 29888, 2395, 29961, 29896, 1822, 29890, 3173, 29889, 1272, 29961, 29900, 2314, 13, 9651, 396, 1311, 29889, 4299, 29889, 1359, 29918, 3859, 29918, 8977, 29898, 7345, 305, 29889, 1359, 29898, 1311, 29889, 4299, 29918, 978, 876, 13, 9651, 7182, 29918, 2344, 353, 1583, 29889, 3018, 2416, 29918, 4366, 29889, 657, 580, 13, 9651, 8158, 353, 29871, 29900, 13, 9651, 1550, 11916, 529, 954, 29918, 27736, 322, 451, 2309, 29901, 13, 18884, 396, 1311, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 711, 643, 1960, 29898, 3859, 29897, 13, 13, 18884, 5922, 29889, 4397, 29898, 3859, 29889, 21970, 2141, 1272, 29889, 23749, 3101, 13, 18884, 396, 1311, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 711, 643, 1960, 29898, 3859, 29897, 13, 18884, 396, 2158, 703, 27736, 613, 11916, 29897, 13, 18884, 2106, 353, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 3859, 29897, 13, 18884, 3158, 353, 1583, 29889, 4299, 29889, 11249, 29918, 7387, 29898, 3859, 29897, 13, 18884, 1480, 29918, 22795, 353, 1583, 29889, 4299, 29889, 15807, 403, 29918, 22795, 29898, 3859, 29892, 3158, 29897, 13, 13, 18884, 8820, 29889, 4397, 29898, 2467, 29889, 21970, 2141, 1272, 29889, 23749, 3101, 13, 18884, 1480, 29918, 771, 5824, 29889, 4397, 29898, 1188, 29918, 22795, 29889, 1272, 29889, 23749, 3101, 13, 18884, 13, 18884, 8829, 29918, 2467, 353, 3158, 29889, 1272, 29889, 29879, 802, 29872, 911, 2141, 23749, 580, 13, 18884, 565, 1583, 29889, 3188, 29918, 8299, 338, 451, 6213, 29901, 13, 462, 1678, 2967, 29918, 2467, 353, 1583, 29889, 3188, 29918, 8299, 29889, 11249, 29918, 13318, 29918, 7387, 29898, 3859, 29897, 13, 462, 1678, 8829, 29918, 2467, 4619, 2967, 29918, 2467, 29889, 21970, 2141, 1272, 29889, 29879, 802, 29872, 911, 2141, 23749, 580, 13, 18884, 2106, 29892, 20751, 29892, 2309, 29892, 903, 353, 1583, 29889, 6272, 29889, 10568, 29898, 6272, 29918, 2467, 29897, 13, 18884, 8158, 4619, 20751, 13, 18884, 565, 20751, 1405, 1583, 29889, 3317, 29918, 276, 1328, 29889, 1767, 29901, 13, 462, 1678, 1583, 29889, 3317, 29918, 276, 1328, 29889, 1767, 353, 20751, 13, 18884, 565, 1583, 29889, 3317, 29918, 276, 1328, 29889, 1767, 1405, 29871, 29945, 29900, 29901, 13, 462, 1678, 1583, 29889, 3317, 29918, 276, 1328, 29889, 1767, 353, 29871, 29945, 29900, 13, 18884, 396, 2158, 29898, 1311, 29889, 3317, 29918, 276, 1328, 29889, 1767, 29897, 13, 18884, 396, 276, 1328, 334, 29922, 29871, 29900, 29889, 29941, 13, 18884, 337, 2935, 29889, 4397, 29898, 16174, 29898, 276, 1328, 334, 4842, 305, 29889, 2873, 29898, 29896, 8106, 1272, 29889, 23749, 3101, 13, 462, 13, 18884, 1855, 29918, 276, 2935, 29889, 4397, 29898, 16174, 29898, 276, 1328, 334, 4842, 305, 29889, 2873, 29898, 29896, 8106, 1272, 29889, 23749, 3101, 13, 462, 13, 18884, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 18884, 2446, 29918, 28631, 29889, 4397, 29898, 3859, 29889, 21970, 2141, 1272, 29889, 23749, 3101, 13, 18884, 2446, 29918, 3859, 353, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 3859, 29897, 13, 462, 13, 18884, 11916, 4619, 29871, 29896, 13, 259, 13, 13, 9651, 2106, 353, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 3859, 29897, 13, 13, 9651, 325, 353, 313, 1311, 29889, 4299, 29889, 657, 29918, 1767, 29898, 3859, 876, 29930, 1311, 29889, 3317, 29918, 276, 1328, 29889, 1767, 29937, 847, 1583, 29889, 2457, 29918, 26290, 29918, 16202, 29889, 4172, 29897, 718, 1583, 29889, 2457, 29918, 26290, 29918, 16202, 29889, 12676, 13, 9651, 565, 1583, 29889, 3188, 29918, 8299, 338, 451, 6213, 29901, 13, 18884, 325, 4619, 1583, 29889, 3188, 29918, 8299, 29889, 657, 29918, 1767, 29898, 3859, 11877, 1311, 29889, 3317, 29918, 276, 1328, 29889, 1767, 13, 9651, 565, 2309, 29901, 13, 18884, 390, 353, 4842, 305, 29889, 3298, 359, 29898, 29896, 29892, 29871, 29896, 29897, 13, 9651, 1683, 29901, 13, 18884, 390, 353, 325, 29889, 1272, 13, 9651, 390, 353, 28736, 29898, 29934, 29897, 13, 9651, 363, 474, 297, 18764, 287, 29898, 3881, 29898, 2435, 29898, 6370, 29918, 276, 2935, 876, 1125, 13, 18884, 20751, 353, 28736, 29898, 7345, 305, 29889, 3166, 29918, 23749, 29898, 6370, 29918, 276, 2935, 29961, 29875, 14664, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 18884, 390, 353, 1583, 29889, 7529, 29889, 4283, 334, 390, 718, 20751, 29937, 1311, 29889, 2457, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 276, 1328, 29897, 29937, 28736, 29898, 7345, 305, 29889, 3166, 29918, 23749, 29898, 6370, 29918, 276, 2935, 29961, 29875, 12622, 13, 18884, 3855, 29918, 5975, 29889, 7851, 29898, 29900, 29892, 390, 29889, 21970, 2141, 1272, 29889, 23749, 3101, 13, 18884, 396, 1311, 29889, 2457, 29918, 26290, 29918, 16202, 29889, 711, 643, 1960, 29898, 29934, 29897, 13, 13, 9651, 396, 11038, 729, 13, 9651, 396, 19571, 29918, 28631, 353, 7442, 29889, 2378, 29898, 28631, 29897, 13, 9651, 396, 19571, 29918, 7387, 353, 7442, 29889, 2378, 29898, 7387, 29897, 13, 9651, 396, 313, 13, 9651, 396, 268, 3480, 362, 29918, 26290, 29918, 513, 1575, 29892, 13, 9651, 396, 268, 1492, 29918, 26290, 29918, 513, 1575, 29892, 13, 9651, 396, 268, 2175, 29918, 26290, 29918, 513, 1575, 29892, 13, 9651, 396, 268, 3480, 362, 29918, 2467, 29918, 513, 1575, 29892, 13, 9651, 396, 268, 1492, 29918, 2467, 29918, 513, 1575, 29892, 13, 9651, 396, 268, 2175, 29918, 2467, 29918, 513, 1575, 29892, 13, 9651, 396, 1723, 353, 1583, 29889, 6272, 29889, 657, 29918, 11038, 729, 29918, 513, 1575, 580, 13, 632, 13, 9651, 396, 19571, 29918, 28631, 7503, 29892, 584, 29892, 3480, 362, 29918, 26290, 29918, 513, 1575, 29962, 334, 29922, 448, 29896, 13, 9651, 396, 364, 29880, 353, 7442, 29889, 535, 29883, 2579, 403, 3552, 1266, 29918, 26290, 29918, 513, 1575, 29892, 2175, 29918, 26290, 29918, 513, 1575, 876, 13, 9651, 396, 301, 29878, 353, 7442, 29889, 535, 29883, 2579, 403, 3552, 1563, 29918, 26290, 29918, 513, 1575, 29892, 1492, 29918, 26290, 29918, 513, 1575, 876, 13, 9651, 396, 19571, 29918, 28631, 7503, 29892, 584, 29892, 364, 29880, 29962, 353, 19571, 29918, 28631, 7503, 29892, 584, 29892, 29212, 29962, 3986, 13, 13, 9651, 396, 396, 11038, 729, 29918, 7387, 353, 1583, 29889, 4299, 29889, 11249, 29918, 13318, 29918, 7387, 29898, 16175, 29918, 28631, 29897, 13, 9651, 396, 19571, 29918, 7387, 7503, 29892, 584, 29892, 3480, 362, 29918, 2467, 29918, 513, 1575, 29962, 353, 19571, 29918, 7387, 7503, 29892, 584, 29892, 3480, 362, 29918, 2467, 29918, 513, 1575, 29962, 334, 448, 29896, 13, 9651, 396, 364, 29880, 353, 7442, 29889, 535, 29883, 2579, 403, 3552, 1266, 29918, 2467, 29918, 513, 1575, 29892, 2175, 29918, 2467, 29918, 513, 1575, 876, 13, 9651, 396, 301, 29878, 353, 7442, 29889, 535, 29883, 2579, 403, 3552, 1563, 29918, 2467, 29918, 513, 1575, 29892, 1492, 29918, 2467, 29918, 513, 1575, 876, 13, 9651, 396, 19571, 29918, 7387, 7503, 29892, 584, 29892, 364, 29880, 29962, 353, 19571, 29918, 7387, 7503, 29892, 584, 29892, 301, 29878, 29962, 13, 9651, 396, 19571, 29918, 28631, 353, 1051, 29898, 11038, 729, 29918, 28631, 29897, 13, 9651, 396, 19571, 29918, 7387, 353, 1051, 29898, 11038, 729, 29918, 7387, 29897, 13, 9651, 396, 396, 1311, 29889, 9990, 29889, 649, 4197, 11038, 729, 29918, 28631, 29892, 19571, 29918, 7387, 29892, 7442, 29889, 8552, 29898, 4622, 29918, 28631, 511, 7442, 29889, 8552, 29898, 276, 2935, 511, 7442, 29889, 8552, 29898, 29939, 29918, 5975, 511, 7442, 29889, 8552, 29898, 1188, 29918, 771, 5824, 29897, 2314, 13, 13, 9651, 396, 995, 29918, 28631, 353, 5922, 718, 19571, 29918, 28631, 13, 9651, 396, 995, 29918, 7387, 353, 8820, 718, 19571, 29918, 7387, 13, 9651, 396, 995, 29918, 4622, 29918, 28631, 353, 2446, 29918, 28631, 718, 2446, 29918, 28631, 13, 9651, 396, 995, 29918, 276, 2935, 353, 337, 2935, 718, 337, 2935, 13, 9651, 396, 995, 29918, 29939, 29918, 5975, 353, 3855, 29918, 5975, 718, 3855, 29918, 5975, 13, 9651, 396, 995, 29918, 1188, 29918, 771, 5824, 353, 1480, 29918, 771, 5824, 718, 1480, 29918, 771, 5824, 13, 9651, 1583, 29889, 9990, 29889, 649, 4197, 28631, 29892, 8820, 29892, 2446, 29918, 28631, 29892, 337, 2935, 29892, 3855, 29918, 5975, 29892, 1480, 29918, 771, 5824, 2314, 13, 9651, 396, 1311, 29889, 1767, 29918, 9990, 29889, 649, 4197, 1767, 29918, 28631, 29892, 995, 29918, 7387, 29892, 995, 29918, 4622, 29918, 28631, 29892, 995, 29918, 276, 2935, 29892, 995, 29918, 29939, 29918, 5975, 29892, 995, 29918, 1188, 29918, 771, 5824, 2314, 13, 9651, 1583, 29889, 11808, 29889, 25629, 580, 13, 9651, 1583, 29889, 6272, 29889, 12071, 580, 13, 9651, 13, 9651, 1550, 1583, 29889, 3018, 2416, 29918, 4366, 29889, 657, 580, 1275, 7182, 29918, 2344, 29901, 13, 18884, 1209, 13, 9651, 1369, 29918, 3859, 353, 1583, 29889, 6272, 29889, 12071, 580, 13, 9651, 2106, 353, 1369, 29918, 3859, 13, 9651, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 9651, 3001, 29918, 276, 1328, 353, 29871, 29900, 13, 9651, 11916, 353, 29871, 29900, 13, 9651, 2309, 353, 7700, 13, 9651, 5922, 353, 5159, 13, 9651, 2446, 29918, 28631, 353, 5159, 13, 9651, 8820, 353, 5159, 13, 9651, 337, 2935, 353, 5159, 13, 9651, 1819, 353, 5159, 13, 9651, 3855, 29918, 5975, 353, 5159, 13, 9651, 1855, 29918, 276, 2935, 353, 5159, 13, 9651, 1480, 29918, 771, 5824, 353, 5159, 13, 9651, 396, 2158, 703, 5145, 613, 1583, 29889, 4299, 29889, 1217, 895, 29897, 13, 9651, 396, 361, 1583, 29889, 4299, 29889, 1217, 895, 29961, 29900, 29962, 1405, 448, 29906, 29901, 13, 9651, 396, 1678, 1583, 29889, 4299, 29889, 1217, 895, 334, 29922, 29871, 29896, 29889, 29900, 29900, 29896, 13, 13, 1678, 822, 6314, 29918, 735, 10700, 29918, 27736, 29898, 1311, 29892, 954, 29918, 27736, 29892, 10422, 29892, 11462, 10457, 29906, 29889, 29900, 29892, 18157, 29922, 8824, 29892, 14656, 11759, 29900, 29892, 29871, 29900, 29962, 1125, 13, 4706, 1053, 330, 962, 13, 4706, 17924, 29918, 6272, 353, 330, 962, 29889, 5675, 703, 29885, 542, 1113, 29918, 264, 4270, 29901, 29956, 2235, 261, 29941, 29928, 7789, 2496, 21745, 29899, 29894, 29900, 1159, 13, 4706, 17924, 29918, 6272, 29889, 842, 29918, 12765, 3953, 29891, 29898, 12765, 3953, 29891, 29897, 13, 4706, 1369, 29918, 3859, 353, 17924, 29918, 6272, 29889, 12071, 580, 13, 4706, 11916, 353, 29871, 29900, 13, 4706, 2309, 353, 7700, 13, 4706, 5922, 353, 5159, 13, 4706, 2446, 29918, 28631, 353, 5159, 13, 4706, 8820, 353, 5159, 13, 4706, 337, 2935, 353, 5159, 13, 4706, 3855, 29918, 5975, 353, 5159, 13, 4706, 1904, 29918, 735, 10700, 353, 1583, 29889, 6779, 29898, 1311, 29889, 1949, 29918, 2080, 29879, 29892, 1583, 29889, 1949, 29918, 4905, 29879, 29892, 1311, 29889, 10892, 29918, 13148, 29897, 13, 13, 4706, 1904, 29918, 735, 10700, 29889, 1359, 29918, 3859, 29918, 8977, 29898, 7345, 305, 29889, 1359, 29898, 9507, 876, 13, 4706, 8898, 29918, 1217, 895, 353, 11462, 334, 7442, 29889, 2873, 29898, 1311, 29889, 1949, 29918, 4905, 29879, 29897, 13, 4706, 1904, 29918, 735, 10700, 29889, 842, 29918, 1217, 895, 29898, 22197, 29918, 1217, 895, 29897, 13, 13, 4706, 2106, 353, 1369, 29918, 3859, 13, 4706, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 4706, 3001, 29918, 276, 1328, 353, 29871, 29900, 13, 4706, 3001, 29918, 11249, 353, 29871, 29900, 13, 4706, 396, 29939, 29918, 1767, 353, 28736, 29898, 7345, 305, 29889, 3298, 359, 29898, 29896, 29892, 29871, 29896, 876, 13, 4706, 565, 8845, 29901, 13, 9651, 4236, 29918, 11249, 353, 29871, 29941, 29900, 29900, 13, 4706, 1683, 29901, 13, 9651, 4236, 29918, 11249, 353, 29871, 29945, 29900, 29900, 29900, 29900, 13, 4706, 1550, 3001, 29918, 11249, 529, 4236, 29918, 11249, 29901, 13, 9651, 8158, 353, 29871, 29900, 13, 9651, 1550, 11916, 529, 954, 29918, 27736, 322, 451, 2309, 29901, 13, 18884, 2106, 353, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 3859, 29897, 13, 13, 18884, 5922, 29889, 4397, 29898, 3859, 29889, 1272, 29889, 23749, 3101, 13, 18884, 3887, 353, 1904, 29918, 735, 10700, 29889, 11249, 29918, 13318, 29918, 7387, 29898, 3859, 29897, 13, 18884, 8820, 29889, 4397, 29898, 2589, 29889, 1272, 29889, 23749, 3101, 13, 18884, 321, 567, 353, 4842, 305, 29889, 9502, 29876, 29898, 2589, 29889, 2311, 3101, 13, 18884, 565, 8845, 29901, 13, 462, 1678, 7688, 353, 29871, 29900, 29889, 29896, 13, 18884, 1683, 29901, 13, 462, 1678, 7688, 353, 29871, 29900, 29889, 29896, 13, 18884, 8829, 29918, 2467, 353, 1904, 29918, 735, 10700, 29889, 11249, 29918, 7387, 29898, 3859, 29897, 13, 18884, 8829, 29918, 2467, 353, 8829, 29918, 2467, 29889, 1272, 29889, 29879, 802, 29872, 911, 2141, 23749, 580, 13, 462, 13, 18884, 2106, 29892, 20751, 29892, 2309, 29892, 903, 353, 17924, 29918, 6272, 29889, 10568, 29898, 6272, 29918, 2467, 29897, 13, 18884, 20751, 353, 29871, 29896, 13, 18884, 337, 2935, 29889, 4397, 29898, 16174, 29898, 276, 1328, 334, 4842, 305, 29889, 2873, 29898, 29896, 8106, 1272, 29889, 23749, 3101, 13, 18884, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 13, 18884, 2446, 29918, 3859, 353, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 3859, 29897, 13, 18884, 2446, 29918, 28631, 29889, 4397, 29898, 4622, 29918, 3859, 29889, 1272, 29889, 23749, 3101, 13, 13, 18884, 11916, 4619, 29871, 29896, 13, 18884, 396, 7827, 29918, 11249, 4619, 29871, 29896, 13, 18884, 8158, 4619, 20751, 13, 9651, 1596, 703, 735, 10700, 8158, 613, 8158, 29897, 13, 259, 13, 13, 9651, 2106, 353, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 3859, 29897, 13, 9651, 396, 2158, 29898, 3859, 29897, 13, 9651, 325, 353, 1904, 29918, 735, 10700, 29889, 657, 29918, 1767, 29898, 3859, 29897, 13, 9651, 565, 2309, 29901, 13, 18884, 390, 353, 4842, 305, 29889, 3298, 359, 29898, 29896, 29892, 29871, 29896, 29897, 13, 9651, 1683, 29901, 13, 18884, 390, 353, 325, 29889, 1272, 13, 18884, 390, 353, 4842, 305, 29889, 2873, 29898, 29896, 29892, 29871, 29896, 29897, 334, 29871, 29896, 29900, 29900, 13, 9651, 390, 353, 28736, 29898, 29934, 29897, 13, 9651, 363, 474, 297, 18764, 287, 29898, 3881, 29898, 2435, 29898, 276, 2935, 876, 1125, 13, 18884, 390, 353, 1583, 29889, 7529, 29889, 4283, 334, 390, 718, 28736, 29898, 7345, 305, 29889, 3166, 29918, 23749, 29898, 276, 2935, 29961, 29875, 12622, 13, 18884, 3855, 29918, 5975, 29889, 7851, 29898, 29900, 29892, 390, 29889, 1272, 29889, 23749, 3101, 13, 632, 13, 9651, 565, 451, 8845, 322, 8158, 6736, 954, 29918, 27736, 29901, 13, 18884, 1583, 29889, 735, 10700, 29918, 3018, 622, 706, 29889, 5910, 4197, 28631, 29892, 8820, 29892, 2446, 29918, 28631, 29892, 337, 2935, 29892, 3855, 29918, 5975, 2314, 13, 18884, 3001, 29918, 11249, 4619, 954, 29918, 27736, 13, 9651, 25342, 8158, 6736, 954, 29918, 27736, 29901, 13, 18884, 1583, 29889, 18157, 29918, 3018, 622, 706, 29889, 5910, 4197, 28631, 29892, 8820, 29892, 2446, 29918, 28631, 29892, 337, 2935, 29892, 3855, 29918, 5975, 2314, 13, 9651, 1369, 29918, 3859, 353, 17924, 29918, 6272, 29889, 12071, 580, 13, 9651, 2106, 353, 1369, 29918, 3859, 13, 9651, 2106, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 3859, 467, 6948, 802, 29872, 911, 29898, 29900, 876, 13, 9651, 3001, 29918, 276, 1328, 353, 29871, 29900, 13, 9651, 11916, 353, 29871, 29900, 13, 9651, 2309, 353, 7700, 13, 9651, 5922, 353, 5159, 13, 9651, 2446, 29918, 28631, 353, 5159, 13, 9651, 8820, 353, 5159, 13, 9651, 337, 2935, 353, 5159, 13, 9651, 3855, 29918, 5975, 353, 5159, 13, 13, 1678, 822, 4226, 675, 29898, 1311, 1125, 13, 4706, 363, 474, 297, 3464, 29898, 2435, 29898, 1311, 29889, 14834, 29889, 14834, 22164, 13, 9651, 9853, 29918, 28631, 29892, 17117, 17117, 17117, 903, 353, 1583, 29889, 14834, 29889, 11249, 29918, 650, 29918, 271, 29918, 29874, 29918, 2230, 580, 13, 9651, 9853, 29918, 28631, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 28631, 876, 13, 9651, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 711, 643, 1960, 29898, 16175, 29918, 28631, 29897, 13, 13, 1678, 822, 2767, 29918, 9695, 293, 29898, 1311, 29892, 9853, 29918, 2311, 29892, 954, 29918, 1022, 2878, 1125, 13, 4706, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 14968, 580, 13, 4706, 5994, 3950, 353, 5994, 29889, 3253, 314, 29898, 1311, 29889, 29887, 3746, 29918, 4299, 29889, 16744, 3285, 301, 29878, 29922, 29896, 29900, 29930, 1311, 29889, 29212, 29897, 13, 4706, 396, 20640, 3950, 353, 390, 3253, 314, 29898, 1311, 29889, 4299, 29889, 16744, 3285, 301, 29878, 29922, 1311, 29889, 29212, 29930, 29896, 29900, 29897, 13, 4706, 363, 413, 297, 3464, 29898, 1949, 29918, 1022, 2878, 1125, 13, 9651, 9853, 29918, 28631, 29892, 9853, 29918, 7387, 29892, 9853, 29918, 4622, 29918, 28631, 29892, 9853, 29918, 276, 2935, 29892, 9853, 29918, 29939, 29918, 5975, 29892, 903, 353, 1583, 29889, 14834, 29889, 11249, 29898, 16175, 29918, 2311, 29897, 13, 9651, 9853, 29918, 28631, 353, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 16174, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 28631, 876, 467, 517, 29898, 10141, 29897, 13, 9651, 9853, 29918, 29939, 29918, 5975, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 29939, 29918, 5975, 8106, 517, 29898, 10141, 29897, 847, 1583, 29889, 3317, 29918, 276, 1328, 29889, 1767, 13, 9651, 325, 29918, 11965, 353, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 657, 29918, 1767, 29898, 16175, 29918, 28631, 29892, 4742, 29922, 10141, 29897, 13, 9651, 565, 1583, 29889, 3188, 29918, 8299, 338, 451, 6213, 29901, 13, 18884, 325, 29918, 11965, 353, 1583, 29889, 3188, 29918, 8299, 29889, 657, 29918, 1767, 29898, 16175, 29918, 28631, 29897, 718, 325, 29918, 11965, 13, 9651, 6410, 29918, 1767, 353, 313, 29894, 29918, 11965, 448, 9853, 29918, 29939, 29918, 5975, 29897, 1068, 29906, 13, 9651, 6410, 29918, 1767, 353, 29871, 29900, 29889, 29945, 29930, 7345, 305, 29889, 12676, 29898, 6758, 29918, 1767, 29897, 13, 9651, 5994, 3950, 29889, 9171, 29918, 5105, 580, 13, 9651, 6410, 29918, 1767, 29889, 1627, 1328, 29898, 2267, 475, 29918, 4262, 29922, 5574, 29897, 13, 9651, 5994, 3950, 29889, 10568, 580, 13, 9651, 396, 2158, 29898, 6758, 29918, 1767, 29897, 13, 13, 1678, 822, 2767, 29918, 7168, 29898, 1311, 29892, 9853, 29918, 2311, 29892, 954, 29918, 1022, 2878, 29892, 2428, 11292, 29922, 8824, 1125, 13, 4706, 1904, 29918, 1025, 353, 1583, 29889, 6779, 29898, 1311, 29889, 1949, 29918, 2080, 29879, 29892, 1583, 29889, 1949, 29918, 4905, 29879, 29892, 1583, 29889, 10892, 29918, 13148, 29892, 954, 29918, 12346, 29922, 1311, 29889, 1949, 29918, 12346, 467, 517, 29898, 10141, 29897, 13, 4706, 1904, 29918, 1025, 29889, 1359, 29918, 3859, 29918, 8977, 29898, 1311, 29889, 29887, 3746, 29918, 4299, 29889, 3859, 29918, 8977, 3101, 13, 4706, 1904, 29918, 1025, 29889, 842, 29918, 1217, 895, 29898, 1311, 29889, 4299, 29889, 1217, 895, 29897, 13, 4706, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 14968, 580, 13, 4706, 5994, 3950, 353, 5994, 29889, 3253, 314, 29898, 1311, 29889, 29887, 3746, 29918, 4299, 29889, 16744, 3285, 301, 29878, 29922, 1311, 29889, 29212, 29897, 13, 4706, 396, 20640, 3950, 353, 390, 3253, 314, 29898, 1311, 29889, 4299, 29889, 16744, 3285, 301, 29878, 29922, 1311, 29889, 29212, 29897, 13, 13, 4706, 363, 413, 297, 3464, 29898, 1949, 29918, 1022, 2878, 1125, 13, 9651, 9853, 29918, 28631, 29892, 9853, 29918, 7387, 29892, 17117, 17117, 9853, 29918, 29939, 29918, 5975, 29892, 9853, 29918, 1188, 29918, 771, 5824, 353, 1583, 29889, 14834, 29889, 11249, 29898, 16175, 29918, 2311, 29897, 13, 9651, 396, 11038, 729, 13, 9651, 9853, 29918, 11038, 729, 29918, 28631, 353, 7442, 29889, 8552, 29898, 16175, 29918, 28631, 29897, 13, 632, 13, 9651, 9853, 29918, 28631, 353, 1583, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 16174, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 28631, 876, 467, 517, 29898, 10141, 29897, 13, 9651, 9853, 29918, 29939, 29918, 5975, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 29939, 29918, 5975, 8106, 517, 29898, 10141, 29897, 847, 1583, 29889, 3317, 29918, 276, 1328, 29889, 1767, 13, 9651, 396, 16175, 29918, 29939, 29918, 5975, 353, 1583, 29889, 2457, 29918, 26290, 29918, 16202, 29889, 8945, 675, 29898, 16174, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 29939, 29918, 5975, 4961, 13, 9651, 9853, 29918, 7387, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 7387, 8106, 517, 29898, 10141, 29897, 13, 9651, 325, 29918, 11965, 29918, 1025, 353, 1904, 29918, 1025, 29889, 657, 29918, 1767, 29898, 16175, 29918, 28631, 29892, 4742, 29922, 10141, 29897, 13, 9651, 565, 1583, 29889, 3188, 29918, 8299, 338, 451, 6213, 29901, 13, 18884, 325, 29918, 11965, 29918, 1025, 4619, 1583, 29889, 3188, 29918, 8299, 29889, 657, 29918, 1767, 29898, 16175, 29918, 28631, 29897, 13, 9651, 9853, 29918, 17263, 19771, 353, 313, 16175, 29918, 29939, 29918, 5975, 448, 325, 29918, 11965, 29918, 1025, 29897, 13, 632, 13, 9651, 2070, 29879, 353, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 15807, 403, 29918, 22795, 29918, 29887, 3746, 29898, 16175, 29918, 28631, 29892, 9853, 29918, 7387, 29897, 13, 9651, 2070, 29879, 29918, 1025, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 1188, 29918, 771, 5824, 8106, 517, 29898, 10141, 29897, 29937, 4299, 29918, 1025, 29889, 15807, 403, 29918, 22795, 29918, 29887, 3746, 29898, 16175, 29918, 28631, 29892, 9853, 29918, 7387, 29897, 13, 9651, 11959, 353, 313, 771, 5824, 448, 313, 771, 5824, 29918, 1025, 8106, 4548, 580, 13, 9651, 11959, 353, 11959, 29889, 6948, 802, 29872, 911, 29898, 29896, 29897, 13, 9651, 396, 2158, 703, 3605, 601, 613, 11959, 29897, 13, 9651, 396, 2158, 29898, 771, 5824, 29892, 2070, 29879, 29918, 1025, 29897, 13, 9651, 8388, 29896, 353, 11959, 334, 9853, 29918, 17263, 19771, 13, 9651, 8388, 29906, 353, 11959, 29889, 695, 1160, 29898, 29896, 29899, 1311, 29889, 7529, 29889, 24049, 29892, 29871, 29896, 29974, 1311, 29889, 7529, 29889, 24049, 29897, 334, 9853, 29918, 17263, 19771, 13, 9651, 6410, 29918, 24049, 353, 448, 7345, 305, 29889, 12676, 29898, 7345, 305, 29889, 1195, 29898, 29879, 1038, 29896, 29892, 8388, 29906, 876, 13, 13, 9651, 396, 735, 10700, 6410, 13, 9651, 565, 2428, 11292, 338, 5852, 29901, 13, 18884, 565, 413, 1273, 29871, 29896, 29900, 29900, 29900, 1275, 29871, 29929, 29929, 29929, 29901, 13, 462, 1678, 9853, 29918, 735, 10700, 29918, 28631, 29892, 9853, 29918, 735, 10700, 29918, 7387, 29892, 17117, 17117, 903, 353, 1583, 29889, 735, 10700, 29918, 3018, 622, 706, 29889, 11249, 29898, 2435, 29898, 1311, 29889, 735, 10700, 29918, 3018, 622, 706, 29889, 14834, 876, 13, 18884, 1683, 29901, 13, 462, 1678, 9853, 29918, 735, 10700, 29918, 28631, 29892, 9853, 29918, 735, 10700, 29918, 7387, 29892, 17117, 17117, 903, 353, 1583, 29889, 735, 10700, 29918, 3018, 622, 706, 29889, 11249, 29898, 1195, 29898, 16175, 29918, 2311, 29892, 7431, 29898, 1311, 29889, 735, 10700, 29918, 3018, 622, 706, 29889, 14834, 4961, 13, 18884, 9853, 29918, 735, 10700, 29918, 28631, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 735, 10700, 29918, 28631, 8106, 517, 29898, 10141, 29897, 13, 18884, 9853, 29918, 735, 10700, 29918, 7387, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 735, 10700, 29918, 7387, 8106, 517, 29898, 10141, 29897, 13, 18884, 3887, 29918, 735, 10700, 353, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 11249, 29918, 13318, 29918, 7387, 29898, 16175, 29918, 735, 10700, 29918, 28631, 29897, 13, 18884, 6410, 29918, 735, 10700, 353, 4842, 305, 29889, 12676, 3552, 16175, 29918, 735, 10700, 29918, 7387, 29899, 2589, 29918, 735, 10700, 29897, 1068, 29906, 29897, 13, 18884, 1596, 29898, 6758, 29918, 735, 10700, 29897, 13, 9651, 1683, 29901, 13, 18884, 6410, 29918, 735, 10700, 353, 29871, 29900, 13, 13, 9651, 396, 11038, 729, 6410, 13, 9651, 396, 313, 13, 9651, 396, 268, 3480, 362, 29918, 26290, 29918, 513, 1575, 29892, 13, 9651, 396, 268, 1492, 29918, 26290, 29918, 513, 1575, 29892, 13, 9651, 396, 268, 2175, 29918, 26290, 29918, 513, 1575, 29892, 13, 9651, 396, 268, 3480, 362, 29918, 2467, 29918, 513, 1575, 29892, 13, 9651, 396, 268, 1492, 29918, 2467, 29918, 513, 1575, 29892, 13, 9651, 396, 268, 2175, 29918, 2467, 29918, 513, 1575, 29892, 13, 9651, 396, 1723, 353, 1583, 29889, 6272, 29889, 657, 29918, 11038, 729, 29918, 513, 1575, 580, 13, 632, 13, 9651, 396, 9853, 29918, 11038, 729, 29918, 28631, 7503, 29892, 3480, 362, 29918, 26290, 29918, 513, 1575, 29962, 334, 29922, 448, 29896, 13, 9651, 396, 364, 29880, 353, 7442, 29889, 535, 29883, 2579, 403, 3552, 1266, 29918, 26290, 29918, 513, 1575, 29892, 2175, 29918, 26290, 29918, 513, 1575, 876, 13, 9651, 396, 301, 29878, 353, 7442, 29889, 535, 29883, 2579, 403, 3552, 1563, 29918, 26290, 29918, 513, 1575, 29892, 1492, 29918, 26290, 29918, 513, 1575, 876, 13, 9651, 396, 9853, 29918, 11038, 729, 29918, 28631, 7503, 29892, 364, 29880, 29962, 353, 9853, 29918, 11038, 729, 29918, 28631, 7503, 29892, 301, 29878, 29962, 13, 13, 9651, 396, 396, 2541, 4842, 305, 29889, 1217, 29918, 5105, 7295, 632, 13, 9651, 396, 9853, 29918, 11038, 729, 29918, 7387, 353, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 11249, 29918, 13318, 29918, 7387, 29898, 16175, 29918, 28631, 29897, 13, 9651, 396, 565, 1583, 29889, 3188, 29918, 8299, 338, 451, 6213, 29901, 13, 9651, 396, 268, 9853, 29918, 11038, 729, 29918, 7387, 353, 1583, 29889, 3188, 29918, 8299, 29889, 11249, 29918, 13318, 29918, 7387, 29898, 16175, 29918, 28631, 29897, 718, 9853, 29918, 11038, 729, 29918, 7387, 13, 9651, 396, 9853, 29918, 11038, 729, 29918, 7387, 29918, 16513, 353, 9853, 29918, 11038, 729, 29918, 7387, 29889, 16513, 580, 13, 9651, 396, 9853, 29918, 11038, 729, 29918, 7387, 29918, 16513, 7503, 29892, 3480, 362, 29918, 2467, 29918, 513, 1575, 29962, 353, 9853, 29918, 11038, 729, 29918, 7387, 7503, 29892, 3480, 362, 29918, 2467, 29918, 513, 1575, 29962, 334, 448, 29896, 13, 9651, 396, 364, 29880, 353, 7442, 29889, 535, 29883, 2579, 403, 3552, 1266, 29918, 2467, 29918, 513, 1575, 29892, 2175, 29918, 2467, 29918, 513, 1575, 876, 13, 9651, 396, 301, 29878, 353, 7442, 29889, 535, 29883, 2579, 403, 3552, 1563, 29918, 2467, 29918, 513, 1575, 29892, 1492, 29918, 2467, 29918, 513, 1575, 876, 13, 9651, 396, 9853, 29918, 11038, 729, 29918, 7387, 29918, 16513, 7503, 29892, 364, 29880, 29962, 353, 9853, 29918, 11038, 729, 29918, 7387, 7503, 29892, 301, 29878, 29962, 13, 9651, 396, 9853, 29918, 11038, 729, 29918, 28631, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 11038, 729, 29918, 28631, 8106, 517, 29898, 10141, 29897, 13, 9651, 396, 19571, 29918, 2589, 353, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 11249, 29918, 13318, 29918, 7387, 29898, 16175, 29918, 11038, 729, 29918, 28631, 29897, 13, 9651, 396, 565, 1583, 29889, 3188, 29918, 8299, 338, 451, 6213, 29901, 13, 9651, 396, 268, 19571, 29918, 2589, 353, 1583, 29889, 3188, 29918, 8299, 29889, 11249, 29918, 13318, 29918, 7387, 29898, 16175, 29918, 11038, 729, 29918, 28631, 29897, 718, 19571, 29918, 2589, 13, 9651, 396, 19571, 29918, 6758, 353, 4842, 305, 29889, 12676, 3552, 11038, 729, 29918, 2589, 448, 9853, 29918, 11038, 729, 29918, 7387, 29918, 16513, 29897, 1068, 29906, 29897, 13, 13, 9651, 6410, 29918, 29893, 353, 29871, 29900, 29937, 7345, 305, 29889, 12676, 29898, 16175, 29918, 29893, 1068, 29906, 29897, 13, 9651, 24687, 29918, 6758, 353, 448, 1311, 29889, 29887, 3746, 29918, 4299, 29889, 1188, 29918, 4172, 29889, 12676, 580, 13, 9651, 565, 2428, 11292, 29901, 13, 18884, 3001, 29918, 6758, 353, 29871, 29896, 29889, 29900, 29930, 6758, 29918, 735, 10700, 13, 9651, 1683, 29901, 13, 18884, 3001, 29918, 6758, 353, 6410, 29918, 24049, 13, 18884, 396, 2158, 29898, 7827, 29918, 6758, 29897, 13, 9651, 396, 2158, 703, 11038, 729, 29918, 6758, 613, 19571, 29918, 6758, 29897, 13, 9651, 396, 2158, 29898, 29895, 29892, 6410, 29918, 29893, 29897, 13, 9651, 5994, 3950, 29889, 9171, 29918, 5105, 580, 13, 9651, 3001, 29918, 6758, 29889, 1627, 1328, 29898, 2267, 475, 29918, 4262, 29922, 5574, 29897, 13, 9651, 396, 2158, 29898, 7345, 305, 29889, 15755, 29889, 13239, 29889, 24049, 29918, 5105, 29918, 12324, 29898, 1311, 29889, 4299, 29889, 16744, 3285, 29896, 876, 13, 9651, 5994, 3950, 29889, 10568, 580, 13, 4706, 396, 2158, 29898, 1311, 29889, 12366, 29918, 26290, 29918, 16202, 29889, 12676, 29889, 1272, 29897, 13, 4706, 565, 1583, 29889, 29212, 1405, 29871, 29896, 29872, 29899, 29945, 29901, 13, 9651, 1583, 29889, 29212, 334, 29922, 29871, 29900, 29889, 29929, 29929, 13, 4706, 1683, 29901, 13, 9651, 1583, 29889, 29212, 353, 29871, 29896, 29872, 29899, 29945, 13, 4706, 565, 1583, 29889, 7915, 1405, 29871, 29896, 29900, 29901, 13, 9651, 1583, 29889, 7915, 334, 29922, 29871, 29900, 29889, 29929, 29929, 13, 4706, 565, 1583, 29889, 7915, 529, 29871, 29896, 29900, 29901, 13, 9651, 1583, 29889, 7915, 353, 29871, 29896, 29900, 29889, 29900, 13, 13, 1678, 822, 8845, 29898, 1311, 1125, 13, 4706, 9853, 29918, 28631, 29892, 9853, 29918, 7387, 29892, 9853, 29918, 4622, 29918, 28631, 29892, 9853, 29918, 276, 2935, 29892, 9853, 29918, 29939, 29918, 5975, 353, 1583, 29889, 18157, 29918, 3018, 622, 706, 29889, 11249, 29898, 29941, 29900, 29900, 29897, 13, 4706, 1904, 29918, 1025, 353, 319, 2801, 29907, 768, 293, 6779, 29898, 1311, 29889, 1949, 29918, 2080, 29879, 29892, 1583, 29889, 1949, 29918, 4905, 29879, 29892, 1583, 29889, 10892, 29918, 13148, 29897, 13, 4706, 1904, 29918, 1025, 29889, 1359, 29918, 3859, 29918, 8977, 29898, 1311, 29889, 4299, 29889, 3859, 29918, 8977, 3101, 13, 4706, 9853, 29918, 28631, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 28631, 876, 13, 4706, 9853, 29918, 29939, 29918, 5975, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 29939, 29918, 5975, 876, 13, 4706, 9853, 29918, 7387, 353, 28736, 29898, 7345, 305, 29889, 29911, 6073, 29898, 16175, 29918, 7387, 876, 13, 4706, 3887, 29918, 1025, 29892, 1480, 29918, 4172, 29918, 1025, 29892, 325, 29918, 11965, 29918, 1025, 353, 1904, 29918, 1025, 29898, 16175, 29918, 28631, 29897, 13, 4706, 6410, 353, 4842, 305, 29889, 12676, 3552, 16175, 29918, 7387, 29899, 2589, 29918, 1025, 29897, 1068, 29906, 29897, 13, 4706, 565, 6410, 29889, 1272, 529, 1583, 29889, 3784, 29918, 13318, 29918, 18157, 29901, 13, 9651, 1583, 29889, 3784, 29918, 13318, 29918, 18157, 353, 6410, 29889, 1272, 13, 4706, 1596, 703, 18157, 1059, 613, 1583, 29889, 3784, 29918, 13318, 29918, 18157, 29897, 13, 13, 1678, 822, 2821, 29918, 14834, 29898, 1311, 1125, 13, 4706, 1583, 29889, 14834, 29889, 8551, 580, 13, 4706, 1583, 29889, 1767, 29918, 14834, 29889, 8551, 580, 13, 13, 1678, 822, 4078, 29918, 4299, 29898, 1311, 29892, 10422, 1125, 13, 4706, 4842, 305, 29889, 7620, 29898, 1311, 29889, 4299, 29889, 3859, 29918, 8977, 3285, 10422, 29897, 13, 13, 1678, 822, 4078, 29918, 12366, 29918, 26290, 29918, 303, 294, 29898, 1311, 29892, 10422, 1125, 13, 4706, 411, 1722, 29898, 9507, 29892, 525, 29893, 29890, 1495, 408, 1962, 29901, 13, 9651, 5839, 280, 29889, 15070, 29898, 1311, 29889, 12366, 29918, 26290, 29918, 16202, 29892, 1962, 29892, 5839, 280, 29889, 29950, 6259, 9606, 1254, 29918, 8618, 4986, 15032, 29897, 13, 13, 1678, 822, 4078, 29918, 6112, 6765, 29898, 1311, 29892, 10422, 1125, 13, 4706, 13964, 353, 518, 1311, 29889, 2230, 29918, 3364, 287, 29892, 1583, 29889, 1949, 29918, 27736, 29892, 1583, 29889, 1688, 29918, 12676, 29892, 1583, 29889, 1688, 29918, 4172, 29892, 1583, 29889, 1217, 13344, 29918, 1688, 29918, 12676, 29892, 1583, 29889, 1217, 13344, 29918, 1688, 29918, 4172, 29962, 13, 4706, 411, 1722, 29898, 9507, 29892, 525, 29893, 29890, 1495, 408, 1962, 29901, 13, 9651, 5839, 280, 29889, 15070, 29898, 6112, 6765, 29892, 1962, 29892, 5839, 280, 29889, 29950, 6259, 9606, 1254, 29918, 8618, 4986, 15032, 29897, 13, 13, 1678, 822, 6314, 29918, 27736, 29918, 4713, 389, 949, 29898, 1311, 1125, 13, 4706, 396, 9990, 353, 5462, 434, 29889, 10620, 580, 13, 4706, 1053, 931, 13, 4706, 1583, 29889, 2962, 353, 931, 29889, 2230, 580, 13, 4706, 1583, 29889, 29212, 353, 29871, 29896, 29872, 29899, 29946, 13, 4706, 1583, 29889, 7915, 353, 29871, 29896, 29900, 13, 4706, 954, 29918, 28993, 353, 29871, 29945, 29900, 13, 4706, 1583, 29889, 1949, 29918, 27736, 353, 29871, 29900, 13, 4706, 1583, 29889, 2230, 29918, 3364, 287, 353, 29871, 29900, 13, 4706, 8158, 29918, 11808, 353, 29871, 29900, 13, 4706, 3001, 29918, 7097, 353, 29871, 29900, 13, 4706, 4236, 29918, 27736, 353, 29871, 29906, 29945, 29900, 29900, 29900, 13, 4706, 409, 5779, 353, 518, 13, 9651, 474, 334, 29871, 29896, 29900, 29900, 363, 474, 297, 3464, 29898, 1949, 29918, 28993, 29897, 13, 4706, 4514, 13, 4706, 1583, 29889, 24516, 487, 29918, 1217, 895, 353, 22326, 29889, 1917, 703, 29888, 613, 448, 29896, 29889, 29945, 29897, 13, 4706, 396, 1311, 29889, 3188, 29918, 1217, 895, 353, 7442, 29889, 2378, 4197, 29906, 29892, 29871, 29906, 29892, 29871, 29906, 29892, 29871, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29892, 29871, 29906, 29892, 29871, 29906, 29892, 29871, 29906, 29892, 29871, 29906, 29892, 29871, 29906, 29892, 29871, 29906, 29892, 29871, 29906, 29892, 259, 29906, 2314, 13, 4706, 1583, 29889, 3188, 29918, 1217, 895, 353, 7442, 29889, 2873, 29898, 1311, 29889, 1949, 29918, 4905, 29879, 29897, 13, 4706, 11462, 353, 1583, 29889, 3188, 29918, 1217, 895, 334, 1583, 29889, 24516, 487, 29918, 1217, 895, 29889, 1767, 13, 4706, 396, 1217, 895, 8999, 29900, 29892, 29871, 29896, 29892, 29871, 29945, 29892, 29871, 29953, 5262, 353, 448, 29941, 13, 4706, 18696, 353, 518, 13, 9651, 22326, 29889, 7032, 29898, 5182, 29922, 1311, 29889, 15914, 29918, 27736, 29892, 5085, 7607, 29945, 29900, 29900, 29892, 511, 9049, 5085, 3790, 29915, 1217, 895, 2396, 1217, 895, 29892, 525, 8172, 29918, 26776, 2396, 26776, 1800, 13, 9651, 363, 16717, 297, 409, 5779, 13, 4706, 4514, 13, 4706, 363, 260, 297, 18696, 29901, 13, 9651, 260, 29889, 2962, 580, 13, 9651, 396, 2158, 703, 2962, 287, 1159, 13, 4706, 1583, 29889, 4299, 29889, 842, 29918, 1217, 895, 29898, 1217, 895, 29897, 13, 4706, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 842, 29918, 1217, 895, 29898, 1217, 895, 29897, 13, 4706, 1550, 8158, 29918, 11808, 529, 29871, 29896, 29900, 29900, 29901, 13, 9651, 565, 7431, 29898, 1311, 29889, 1217, 13344, 29918, 1688, 29918, 12676, 29897, 1273, 29871, 29896, 29900, 29900, 1275, 29871, 29896, 29901, 13, 18884, 1583, 29889, 7620, 29918, 6112, 6765, 703, 16202, 29914, 20919, 261, 29906, 29881, 29918, 12346, 29918, 26776, 29896, 29953, 29918, 13463, 29995, 29881, 29889, 6112, 29908, 29995, 29898, 2435, 29898, 1311, 29889, 1217, 13344, 29918, 1688, 29918, 12676, 4961, 13, 9651, 396, 2158, 29898, 1311, 29889, 3018, 2416, 29918, 4366, 29889, 791, 29889, 1767, 29897, 13, 9651, 396, 361, 7431, 29898, 1311, 29889, 1688, 29918, 12676, 29897, 1273, 29871, 29896, 29900, 29900, 1275, 29871, 29896, 322, 1583, 29889, 1688, 29918, 12676, 29961, 2435, 29898, 1311, 29889, 1688, 29918, 12676, 6817, 29896, 29962, 1405, 29871, 29941, 29900, 29900, 29901, 13, 9651, 396, 259, 1583, 29889, 7620, 29918, 4299, 703, 7345, 305, 29918, 4299, 29914, 4713, 3873, 453, 29914, 29894, 29946, 29918, 29883, 465, 347, 29941, 29881, 29924, 381, 729, 13463, 29995, 29881, 29889, 415, 29908, 29995, 29898, 2435, 29898, 1311, 29889, 1688, 29918, 12676, 511, 876, 13, 9651, 396, 1550, 7431, 29898, 1311, 29889, 14834, 29889, 14834, 29897, 529, 29871, 29945, 29900, 29900, 29900, 29900, 29901, 13, 9651, 396, 268, 565, 1583, 29889, 11808, 29889, 657, 580, 1275, 954, 29918, 28993, 29901, 13, 9651, 396, 308, 363, 474, 297, 3464, 29898, 1949, 29918, 28993, 1125, 13, 9651, 396, 632, 1583, 29889, 14834, 29889, 5910, 29898, 1311, 29889, 9990, 29889, 657, 3101, 13, 9651, 396, 308, 1583, 29889, 11808, 29889, 25629, 580, 13, 9651, 396, 268, 565, 7431, 29898, 1311, 29889, 14834, 29889, 14834, 29897, 529, 29871, 29945, 29900, 29900, 29900, 29900, 322, 1583, 29889, 11808, 29889, 657, 580, 1275, 954, 29918, 28993, 718, 29871, 29896, 29901, 13, 9651, 396, 308, 1583, 29889, 11808, 29889, 12071, 580, 13, 9651, 396, 308, 1583, 29889, 3018, 2416, 29918, 4366, 29889, 15123, 580, 13, 9651, 1583, 29889, 7620, 29918, 4299, 29898, 1311, 29889, 4299, 29918, 978, 29897, 13, 9651, 1550, 7431, 29898, 1311, 29889, 14834, 29889, 14834, 29897, 529, 4236, 29918, 27736, 29901, 13, 18884, 396, 2158, 29898, 1311, 29889, 11808, 29889, 657, 3101, 13, 18884, 565, 1583, 29889, 11808, 29889, 657, 580, 1275, 954, 29918, 28993, 29901, 13, 462, 1678, 363, 474, 297, 3464, 29898, 1949, 29918, 28993, 1125, 13, 462, 4706, 396, 361, 4036, 29889, 9502, 524, 29898, 29900, 29892, 29871, 29896, 29897, 1275, 29871, 29900, 29901, 13, 462, 4706, 1583, 29889, 14834, 29889, 5910, 29898, 1311, 29889, 9990, 29889, 657, 3101, 13, 462, 4706, 396, 1311, 29889, 1767, 29918, 14834, 29889, 5910, 29898, 1311, 29889, 1767, 29918, 9990, 29889, 657, 3101, 13, 462, 1678, 3001, 29918, 7097, 4619, 954, 29918, 28993, 13, 462, 4706, 396, 1683, 29901, 13, 462, 4706, 396, 268, 1583, 29889, 14834, 29889, 5910, 29918, 24498, 29898, 1311, 29889, 9990, 29889, 657, 3101, 13, 462, 1678, 1583, 29889, 11808, 29889, 25629, 580, 13, 18884, 565, 1583, 29889, 11808, 29889, 657, 580, 1275, 954, 29918, 28993, 718, 29871, 29896, 322, 7431, 29898, 1311, 29889, 14834, 29889, 14834, 29897, 529, 4236, 29918, 27736, 29901, 13, 462, 1678, 1583, 29889, 3018, 2416, 29918, 4366, 29889, 15123, 580, 13, 462, 1678, 1583, 29889, 11808, 29889, 12071, 580, 13, 9651, 1583, 29889, 1949, 29918, 27736, 4619, 7431, 29898, 1311, 29889, 14834, 29889, 14834, 29897, 13, 9651, 396, 8000, 451, 1583, 29889, 13318, 29918, 13628, 29918, 9990, 29889, 6310, 7295, 13, 9651, 396, 1678, 1583, 29889, 13318, 29918, 3018, 622, 706, 29889, 5910, 29918, 24498, 29898, 1311, 29889, 13318, 29918, 13628, 29918, 9990, 29889, 657, 3101, 13, 9651, 396, 1311, 29889, 8945, 675, 580, 13, 9651, 396, 1311, 29889, 4299, 29889, 517, 29898, 10141, 29897, 13, 9651, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 1359, 29918, 3859, 29918, 8977, 29898, 1311, 29889, 4299, 29889, 3859, 29918, 8977, 3101, 13, 9651, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 517, 29898, 10141, 29897, 13, 9651, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 842, 29918, 1217, 895, 29898, 1311, 29889, 4299, 29889, 1217, 895, 29897, 13, 9651, 565, 1583, 29889, 3188, 29918, 8299, 338, 451, 6213, 29901, 13, 18884, 1583, 29889, 3188, 29918, 8299, 29889, 517, 29898, 10141, 29897, 13, 9651, 1583, 29889, 5504, 29918, 9695, 293, 29898, 1195, 29898, 29896, 29906, 29947, 29892, 7431, 29898, 1311, 29889, 14834, 29889, 14834, 8243, 313, 2435, 29898, 1311, 29889, 14834, 29889, 14834, 29897, 458, 29941, 29900, 29900, 29900, 718, 29871, 29896, 11877, 29953, 29946, 29897, 13, 9651, 1583, 29889, 5504, 29918, 7168, 29898, 1195, 29898, 29896, 29906, 29947, 29892, 7431, 29898, 1311, 29889, 14834, 29889, 14834, 8243, 313, 2435, 29898, 1311, 29889, 14834, 29889, 14834, 29897, 458, 29941, 29900, 29900, 29900, 718, 29871, 29896, 11877, 29953, 29946, 29892, 2428, 11292, 29922, 8824, 29897, 13, 9651, 396, 1311, 29889, 5504, 29918, 9695, 293, 29898, 29896, 29906, 29947, 29892, 29871, 29906, 29945, 29953, 29900, 29897, 13, 9651, 396, 1311, 29889, 5504, 29918, 7168, 29898, 29896, 29906, 29947, 29892, 29871, 29906, 29945, 29953, 29900, 29892, 2428, 11292, 29922, 8824, 29897, 13, 9651, 1583, 29889, 29887, 3746, 29918, 4299, 29889, 517, 703, 21970, 1159, 13, 9651, 565, 1583, 29889, 3188, 29918, 8299, 338, 451, 6213, 29901, 13, 18884, 1583, 29889, 3188, 29918, 8299, 29889, 517, 703, 21970, 1159, 13, 9651, 1583, 29889, 4299, 29889, 1359, 29918, 3859, 29918, 8977, 29898, 1311, 29889, 29887, 3746, 29918, 4299, 29889, 3859, 29918, 8977, 3101, 13, 9651, 1583, 29889, 8551, 29918, 14834, 580, 13, 9651, 1583, 29889, 3389, 29918, 1688, 29898, 1949, 29918, 1688, 29922, 29906, 29897, 13, 9651, 1583, 29889, 3389, 29918, 1688, 29918, 2541, 29918, 1217, 895, 29898, 1949, 29918, 1688, 29922, 29906, 29897, 13, 9651, 1596, 29898, 1311, 29889, 1949, 29918, 27736, 29892, 1583, 29889, 1217, 13344, 29918, 1688, 29918, 12676, 14352, 29896, 2314, 13, 9651, 565, 1583, 29889, 1217, 13344, 29918, 1688, 29918, 12676, 14352, 29896, 29962, 1405, 29871, 29941, 29945, 29900, 29900, 29901, 13, 18884, 8158, 29918, 11808, 4619, 29871, 29896, 13, 9651, 1683, 29901, 13, 18884, 8158, 29918, 11808, 353, 29871, 29900, 13, 9651, 565, 1583, 29889, 24516, 487, 29918, 1217, 895, 29889, 1767, 1405, 448, 29896, 29889, 29945, 29901, 13, 18884, 1596, 703, 3396, 613, 1583, 29889, 4299, 29889, 1217, 895, 29897, 13, 18884, 1583, 29889, 24516, 487, 29918, 1217, 895, 29889, 1767, 334, 29922, 29871, 29896, 29889, 29900, 29900, 29896, 13, 18884, 1583, 29889, 4299, 29889, 1217, 895, 353, 1583, 29889, 3188, 29918, 1217, 895, 334, 1583, 29889, 24516, 487, 29918, 1217, 895, 29889, 1767, 13, 9651, 1596, 29898, 1311, 29889, 3317, 29918, 276, 1328, 29889, 1767, 29897, 13, 9651, 1583, 29889, 5317, 29918, 6112, 6765, 580, 13, 13, 9651, 1583, 29889, 2230, 29918, 3364, 287, 353, 931, 29889, 2230, 580, 448, 1583, 29889, 2962, 13, 9651, 3001, 29918, 7097, 353, 29871, 29900, 13, 9651, 396, 2158, 703, 3396, 613, 1583, 29889, 4299, 29889, 29886, 29918, 29888, 2395, 29961, 29896, 1822, 29890, 3173, 29889, 1272, 29961, 29900, 2314, 13, 9651, 1583, 29889, 3018, 2416, 29918, 4366, 29889, 15123, 580, 13, 9651, 1583, 29889, 11808, 29889, 12071, 580, 13, 13, 1678, 822, 788, 29918, 6272, 29898, 1311, 29892, 8829, 1125, 13, 4706, 1583, 29889, 6272, 29918, 1761, 29889, 4397, 29898, 6272, 29897, 13, 13, 1753, 29356, 29898, 3188, 29892, 1024, 1125, 13, 1678, 2224, 353, 2897, 29889, 2084, 29889, 7122, 29898, 3188, 29892, 1024, 29897, 13, 1678, 565, 451, 2897, 29889, 2084, 29889, 9933, 29898, 2084, 1125, 13, 4706, 2897, 29889, 29885, 12535, 12935, 29898, 2084, 29897, 13, 1678, 736, 2224, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 16717, 353, 29871, 29896, 29953, 13, 1678, 4036, 29889, 26776, 29898, 26776, 29897, 13, 1678, 4842, 305, 29889, 11288, 29918, 26776, 29898, 26776, 29897, 13, 1678, 4842, 305, 29889, 29883, 6191, 29889, 11288, 29918, 26776, 29898, 26776, 29897, 13, 1678, 7442, 29889, 8172, 29889, 26776, 29898, 26776, 29897, 13, 1678, 4842, 305, 29889, 842, 29918, 1949, 29918, 28993, 29898, 29896, 29897, 13, 1678, 1053, 330, 962, 13, 1678, 8829, 353, 330, 962, 29889, 5675, 703, 29956, 2235, 261, 29906, 29881, 29899, 29894, 29906, 1159, 13, 1678, 8829, 29889, 842, 29918, 12346, 29898, 29896, 29897, 13, 1678, 282, 1129, 353, 390, 29931, 29898, 6272, 29892, 518, 29906, 29945, 29953, 29892, 29871, 29906, 29945, 29953, 1402, 6958, 29922, 5574, 29897, 13, 1678, 396, 9759, 29889, 3188, 29918, 8299, 353, 319, 2801, 29907, 768, 293, 6779, 29898, 9759, 29889, 1949, 29918, 2080, 29879, 29892, 282, 1129, 29889, 1949, 29918, 4905, 29879, 29892, 7934, 29918, 13148, 11759, 29906, 29945, 29953, 29892, 29871, 29906, 29945, 29953, 29892, 29871, 29906, 29945, 29953, 29892, 29871, 29906, 29945, 29953, 29892, 29871, 29906, 29945, 29953, 1402, 954, 29918, 12346, 29922, 29906, 29897, 13, 1678, 396, 9759, 29889, 3188, 29918, 8299, 29889, 1359, 29918, 3859, 29918, 8977, 29898, 7345, 305, 29889, 1359, 703, 7345, 305, 29918, 4299, 29914, 7789, 2496, 25375, 29900, 29953, 29889, 415, 5783, 13, 1678, 282, 1129, 29889, 4299, 29918, 978, 353, 376, 7345, 305, 29918, 4299, 29914, 20919, 261, 29906, 29881, 29918, 12346, 29918, 26776, 29896, 29953, 29889, 415, 29908, 13, 1678, 396, 9759, 29889, 4299, 29889, 1359, 29918, 3859, 29918, 8977, 29898, 7345, 305, 29889, 1359, 703, 7345, 305, 29918, 4299, 29914, 7789, 2496, 29906, 29945, 29953, 29990, 29945, 29918, 29953, 29945, 29918, 29896, 29900, 29918, 26776, 29947, 29889, 415, 5783, 13, 1678, 396, 9759, 29889, 6272, 29889, 842, 29918, 12765, 3953, 29891, 4197, 29900, 29889, 29953, 29945, 29892, 29871, 29900, 29889, 29953, 29945, 29892, 29871, 29906, 29900, 29892, 29871, 29906, 29900, 2314, 13, 1678, 396, 9759, 29889, 3317, 29918, 276, 1328, 29889, 1767, 353, 29871, 29945, 29900, 13, 13, 1678, 396, 2541, 1722, 877, 7345, 305, 29918, 4299, 29914, 29883, 465, 347, 29941, 29881, 29924, 381, 729, 29906, 29895, 12661, 29918, 12366, 29918, 26290, 29918, 16202, 29889, 29886, 6321, 742, 525, 6050, 1495, 408, 1881, 29901, 13, 1678, 396, 1678, 7258, 29918, 26290, 29918, 16202, 353, 5839, 280, 29889, 1359, 29898, 2080, 29897, 13, 1678, 396, 9759, 29889, 8945, 675, 29918, 1272, 580, 13, 1678, 396, 9759, 29889, 7620, 29918, 12366, 29918, 26290, 29918, 303, 294, 703, 7345, 305, 29918, 4299, 29914, 29883, 465, 347, 29918, 357, 6038, 29918, 26290, 29918, 16202, 29889, 29886, 6321, 1159, 13, 1678, 396, 282, 1129, 29889, 15914, 29918, 735, 10700, 29918, 27736, 29898, 29945, 29900, 29900, 29892, 376, 7345, 305, 29918, 4299, 29914, 7789, 2496, 29906, 29945, 29953, 29990, 29945, 29918, 29953, 29945, 29918, 29900, 29900, 29918, 26776, 29947, 29889, 415, 613, 11462, 10457, 29906, 29889, 29900, 29892, 14656, 353, 518, 29900, 29889, 29953, 29945, 29892, 29871, 29900, 2314, 13, 1678, 396, 282, 1129, 29889, 15914, 29918, 735, 10700, 29918, 27736, 29898, 29945, 29900, 29900, 29892, 376, 7345, 305, 29918, 4299, 29914, 7789, 2496, 29906, 29945, 29953, 29990, 29945, 29918, 29955, 29945, 29918, 29900, 29900, 29918, 26776, 29947, 29889, 415, 613, 11462, 10457, 29906, 29889, 29900, 29892, 14656, 353, 518, 29900, 29889, 29955, 29945, 29892, 29871, 29900, 2314, 13, 1678, 396, 282, 1129, 29889, 15914, 29918, 735, 10700, 29918, 27736, 29898, 29945, 29900, 29900, 29892, 376, 7345, 305, 29918, 4299, 29914, 7789, 2496, 29906, 29945, 29953, 29990, 29945, 29918, 29947, 29945, 29918, 29900, 29900, 29918, 26776, 29947, 29889, 415, 613, 11462, 10457, 29906, 29889, 29900, 29892, 14656, 353, 518, 29900, 29889, 29947, 29945, 29892, 29871, 29900, 2314, 13, 1678, 396, 282, 1129, 29889, 15914, 29918, 735, 10700, 29918, 27736, 29898, 29945, 29900, 29900, 29892, 376, 7345, 305, 29918, 4299, 29914, 7789, 2496, 29906, 29945, 29953, 29990, 29945, 29918, 29953, 29945, 29918, 29896, 29900, 29918, 26776, 29947, 29889, 415, 613, 11462, 10457, 29906, 29889, 29900, 29892, 14656, 353, 518, 29900, 29889, 29953, 29945, 29892, 29871, 29896, 29900, 2314, 13, 1678, 396, 9759, 29889, 7620, 29918, 4299, 29898, 9759, 29889, 4299, 29918, 978, 29897, 13, 13, 1678, 282, 1129, 29889, 15914, 29918, 27736, 29918, 4713, 389, 949, 580, 13, 13, 1678, 396, 9759, 29889, 2962, 353, 260, 29889, 2230, 580, 2 ]
tests/filterbanks/stft_test.py
michelolzam/asteroid
1
141575
<reponame>michelolzam/asteroid import pytest import torch from torch import testing import numpy as np from scipy.signal import get_window from asteroid.filterbanks import Encoder, Decoder, STFTFB from asteroid.filterbanks import make_enc_dec, griffin_lim, misi from asteroid.filterbanks.stft_fb import perfect_synthesis_window from asteroid.filterbanks import transforms def fb_config_list(): keys = ['n_filters', 'kernel_size', 'stride'] param_list = [ [256, 256, 128], # Usual STFT, 50% overlap [256, 256, 64], # Usual STFT, 25% overlap [512, 32, 16], # Overcomplete STFT, 50% overlap ] return [dict(zip(keys, values)) for values in param_list] @pytest.mark.parametrize("fb_config", fb_config_list()) def test_stft_def(fb_config): """ Check consistency between two calls.""" fb = STFTFB(**fb_config) enc = Encoder(fb) dec = Decoder(fb) enc2, dec2 = make_enc_dec('stft', **fb_config) testing.assert_allclose(enc.filterbank.filters, enc2.filterbank.filters) testing.assert_allclose(dec.filterbank.filters, dec2.filterbank.filters) @pytest.mark.parametrize("fb_config", fb_config_list()) def test_stft_windows(fb_config): n_filters, kernel_size = fb_config["n_filters"], fb_config["kernel_size"] win = np.hanning(kernel_size) fb = STFTFB(**fb_config, window=win) with pytest.raises(AssertionError): win = np.hanning(kernel_size + 1) fb = STFTFB(**fb_config, window=win) @pytest.mark.parametrize("fb_config", fb_config_list()) def test_filter_shape(fb_config): # Instantiate STFT fb = STFTFB(**fb_config) # Check filter shape. assert fb.filters.shape == (fb_config['n_filters'] + 2, 1, fb_config['kernel_size']) @pytest.mark.parametrize("fb_config", fb_config_list()) def test_perfect_istft_default_parameters(fb_config): """ Unit test perfect reconstruction with default values. """ kernel_size = fb_config['kernel_size'] enc, dec = make_enc_dec('stft', **fb_config) inp_wav = torch.randn(2, 1, 32000) out_wav = dec(enc(inp_wav))[:, :, kernel_size: -kernel_size] inp_test = inp_wav[:, :, kernel_size: -kernel_size] testing.assert_allclose(inp_test, out_wav) @pytest.mark.parametrize("fb_config", fb_config_list()) @pytest.mark.parametrize("analysis_window_name", [ 'blackman', 'hamming', 'hann', 'bartlett', 'boxcar' ]) def test_perfect_resyn_window(fb_config, analysis_window_name): """ Unit test perfect reconstruction """ kernel_size = fb_config['kernel_size'] window = get_window(analysis_window_name, kernel_size) enc = Encoder(STFTFB(**fb_config, window=window)) # Compute window for perfect resynthesis synthesis_window = perfect_synthesis_window(enc.filterbank.window, enc.stride) dec = Decoder(STFTFB(**fb_config, window=synthesis_window)) inp_wav = torch.ones(1, 1, 32000) out_wav = dec(enc(inp_wav))[:, :, kernel_size: -kernel_size] inp_test = inp_wav[:, :, kernel_size: -kernel_size] testing.assert_allclose(inp_test, out_wav) @pytest.mark.parametrize("fb_config", fb_config_list()) @pytest.mark.parametrize("feed_istft", [True, False]) @pytest.mark.parametrize("feed_angle", [True, False]) def test_griffinlim(fb_config, feed_istft, feed_angle): stft = Encoder(STFTFB(**fb_config)) istft = None if not feed_istft else Decoder(STFTFB(**fb_config)) wav = torch.randn(2, 1, 8000) spec = stft(wav) tf_mask = torch.sigmoid(torch.randn_like(spec)) masked_spec = spec * tf_mask mag = transforms.take_mag(masked_spec, -2) angles = None if not feed_angle else transforms.angle(masked_spec, -2) griffin_lim(mag, stft, angles=angles, istft_dec=istft, n_iter=3) @pytest.mark.parametrize("fb_config", fb_config_list()) @pytest.mark.parametrize("feed_istft", [True, False]) @pytest.mark.parametrize("feed_angle", [True, False]) def test_misi(fb_config, feed_istft, feed_angle): stft = Encoder(STFTFB(**fb_config)) istft = None if not feed_istft else Decoder(STFTFB(**fb_config)) n_src = 3 # Create mixture wav = torch.randn(2, 1, 8000) spec = stft(wav).unsqueeze(1) # Create n_src masks on mixture spec and apply them shape = list(spec.shape) shape[1] *= n_src tf_mask = torch.sigmoid(torch.randn(*shape)) masked_specs = spec * tf_mask # Separate mag and angle. mag = transforms.take_mag(masked_specs, -2) angles = None if not feed_angle else transforms.angle(masked_specs, -2) est_wavs = misi(wav, mag, stft, angles=angles, istft_dec=istft, n_iter=2) # We actually don't know the last dim because ISTFT(STFT()) cuts the end assert est_wavs.shape[:-1] == (2, n_src)
[ 1, 529, 276, 1112, 420, 29958, 29885, 436, 295, 324, 29920, 314, 29914, 1901, 3398, 13, 5215, 11451, 1688, 13, 5215, 4842, 305, 13, 3166, 4842, 305, 1053, 6724, 13, 5215, 12655, 408, 7442, 13, 3166, 4560, 2272, 29889, 25436, 1053, 679, 29918, 7165, 13, 13, 3166, 20058, 333, 29889, 4572, 29890, 1331, 1053, 11346, 6119, 29892, 3826, 6119, 29892, 6850, 7818, 18426, 13, 3166, 20058, 333, 29889, 4572, 29890, 1331, 1053, 1207, 29918, 3977, 29918, 7099, 29892, 867, 2593, 262, 29918, 2576, 29892, 3984, 29875, 13, 3166, 20058, 333, 29889, 4572, 29890, 1331, 29889, 303, 615, 29918, 14943, 1053, 4922, 29918, 19274, 26533, 29918, 7165, 13, 3166, 20058, 333, 29889, 4572, 29890, 1331, 1053, 4327, 29879, 13, 13, 13, 1753, 285, 29890, 29918, 2917, 29918, 1761, 7295, 13, 1678, 6611, 353, 6024, 29876, 29918, 26705, 742, 525, 17460, 29918, 2311, 742, 525, 303, 2426, 2033, 13, 1678, 1828, 29918, 1761, 353, 518, 13, 4706, 518, 29906, 29945, 29953, 29892, 29871, 29906, 29945, 29953, 29892, 29871, 29896, 29906, 29947, 1402, 29871, 396, 10783, 950, 6850, 7818, 29892, 29871, 29945, 29900, 29995, 25457, 13, 4706, 518, 29906, 29945, 29953, 29892, 29871, 29906, 29945, 29953, 29892, 29871, 29953, 29946, 1402, 29871, 396, 10783, 950, 6850, 7818, 29892, 29871, 29906, 29945, 29995, 25457, 13, 4706, 518, 29945, 29896, 29906, 29892, 29871, 29941, 29906, 29892, 29871, 29896, 29953, 1402, 29871, 396, 6811, 8835, 6850, 7818, 29892, 29871, 29945, 29900, 29995, 25457, 13, 1678, 4514, 13, 1678, 736, 518, 8977, 29898, 7554, 29898, 8149, 29892, 1819, 876, 363, 1819, 297, 1828, 29918, 1761, 29962, 13, 13, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 14943, 29918, 2917, 613, 285, 29890, 29918, 2917, 29918, 1761, 3101, 13, 1753, 1243, 29918, 303, 615, 29918, 1753, 29898, 14943, 29918, 2917, 1125, 13, 1678, 9995, 5399, 5718, 3819, 1546, 1023, 5717, 1213, 15945, 13, 1678, 285, 29890, 353, 6850, 7818, 18426, 29898, 1068, 14943, 29918, 2917, 29897, 13, 1678, 2094, 353, 11346, 6119, 29898, 14943, 29897, 13, 1678, 1602, 353, 3826, 6119, 29898, 14943, 29897, 13, 1678, 2094, 29906, 29892, 1602, 29906, 353, 1207, 29918, 3977, 29918, 7099, 877, 303, 615, 742, 3579, 14943, 29918, 2917, 29897, 13, 1678, 6724, 29889, 9294, 29918, 497, 5358, 29898, 3977, 29889, 4572, 9157, 29889, 26705, 29892, 2094, 29906, 29889, 4572, 9157, 29889, 26705, 29897, 13, 1678, 6724, 29889, 9294, 29918, 497, 5358, 29898, 7099, 29889, 4572, 9157, 29889, 26705, 29892, 1602, 29906, 29889, 4572, 9157, 29889, 26705, 29897, 13, 13, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 14943, 29918, 2917, 613, 285, 29890, 29918, 2917, 29918, 1761, 3101, 13, 1753, 1243, 29918, 303, 615, 29918, 10499, 29898, 14943, 29918, 2917, 1125, 13, 1678, 302, 29918, 26705, 29892, 8466, 29918, 2311, 353, 285, 29890, 29918, 2917, 3366, 29876, 29918, 26705, 12436, 285, 29890, 29918, 2917, 3366, 17460, 29918, 2311, 3108, 13, 1678, 5401, 353, 7442, 29889, 29882, 9450, 29898, 17460, 29918, 2311, 29897, 13, 1678, 285, 29890, 353, 6850, 7818, 18426, 29898, 1068, 14943, 29918, 2917, 29892, 3474, 29922, 5080, 29897, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 14697, 291, 2392, 1125, 13, 4706, 5401, 353, 7442, 29889, 29882, 9450, 29898, 17460, 29918, 2311, 718, 29871, 29896, 29897, 13, 4706, 285, 29890, 353, 6850, 7818, 18426, 29898, 1068, 14943, 29918, 2917, 29892, 3474, 29922, 5080, 29897, 13, 13, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 14943, 29918, 2917, 613, 285, 29890, 29918, 2917, 29918, 1761, 3101, 13, 1753, 1243, 29918, 4572, 29918, 12181, 29898, 14943, 29918, 2917, 1125, 13, 1678, 396, 2799, 3656, 403, 6850, 7818, 13, 1678, 285, 29890, 353, 6850, 7818, 18426, 29898, 1068, 14943, 29918, 2917, 29897, 13, 1678, 396, 5399, 4175, 8267, 29889, 13, 1678, 4974, 285, 29890, 29889, 26705, 29889, 12181, 1275, 313, 14943, 29918, 2917, 1839, 29876, 29918, 26705, 2033, 718, 29871, 29906, 29892, 29871, 29896, 29892, 13, 462, 18884, 285, 29890, 29918, 2917, 1839, 17460, 29918, 2311, 11287, 13, 13, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 14943, 29918, 2917, 613, 285, 29890, 29918, 2917, 29918, 1761, 3101, 13, 1753, 1243, 29918, 546, 3647, 29918, 391, 615, 29918, 4381, 29918, 16744, 29898, 14943, 29918, 2917, 1125, 13, 1678, 9995, 13223, 1243, 4922, 17789, 4080, 411, 2322, 1819, 29889, 9995, 13, 1678, 8466, 29918, 2311, 353, 285, 29890, 29918, 2917, 1839, 17460, 29918, 2311, 2033, 13, 1678, 2094, 29892, 1602, 353, 1207, 29918, 3977, 29918, 7099, 877, 303, 615, 742, 3579, 14943, 29918, 2917, 29897, 13, 1678, 297, 29886, 29918, 29893, 485, 353, 4842, 305, 29889, 9502, 29876, 29898, 29906, 29892, 29871, 29896, 29892, 29871, 29941, 29906, 29900, 29900, 29900, 29897, 13, 1678, 714, 29918, 29893, 485, 353, 1602, 29898, 3977, 29898, 262, 29886, 29918, 29893, 485, 876, 7503, 29892, 584, 29892, 8466, 29918, 2311, 29901, 448, 17460, 29918, 2311, 29962, 13, 1678, 297, 29886, 29918, 1688, 353, 297, 29886, 29918, 29893, 485, 7503, 29892, 584, 29892, 8466, 29918, 2311, 29901, 448, 17460, 29918, 2311, 29962, 13, 1678, 6724, 29889, 9294, 29918, 497, 5358, 29898, 262, 29886, 29918, 1688, 29892, 714, 29918, 29893, 485, 29897, 13, 13, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 14943, 29918, 2917, 613, 285, 29890, 29918, 2917, 29918, 1761, 3101, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 15916, 29918, 7165, 29918, 978, 613, 518, 13, 1678, 525, 8517, 1171, 742, 525, 3391, 4056, 742, 525, 29882, 812, 742, 525, 29890, 442, 13650, 742, 525, 1884, 4287, 29915, 13, 2314, 13, 1753, 1243, 29918, 546, 3647, 29918, 690, 948, 29918, 7165, 29898, 14943, 29918, 2917, 29892, 7418, 29918, 7165, 29918, 978, 1125, 13, 1678, 9995, 13223, 1243, 4922, 17789, 4080, 9995, 13, 1678, 8466, 29918, 2311, 353, 285, 29890, 29918, 2917, 1839, 17460, 29918, 2311, 2033, 13, 1678, 3474, 353, 679, 29918, 7165, 29898, 15916, 29918, 7165, 29918, 978, 29892, 8466, 29918, 2311, 29897, 13, 13, 1678, 2094, 353, 11346, 6119, 29898, 1254, 7818, 18426, 29898, 1068, 14943, 29918, 2917, 29892, 3474, 29922, 7165, 876, 13, 1678, 396, 11796, 29872, 3474, 363, 4922, 620, 948, 26533, 13, 1678, 14710, 6656, 29918, 7165, 353, 4922, 29918, 19274, 26533, 29918, 7165, 29898, 3977, 29889, 4572, 9157, 29889, 7165, 29892, 13, 462, 462, 18884, 2094, 29889, 303, 2426, 29897, 13, 1678, 1602, 353, 3826, 6119, 29898, 1254, 7818, 18426, 29898, 1068, 14943, 29918, 2917, 29892, 3474, 29922, 19274, 26533, 29918, 7165, 876, 13, 1678, 297, 29886, 29918, 29893, 485, 353, 4842, 305, 29889, 2873, 29898, 29896, 29892, 29871, 29896, 29892, 29871, 29941, 29906, 29900, 29900, 29900, 29897, 13, 1678, 714, 29918, 29893, 485, 353, 1602, 29898, 3977, 29898, 262, 29886, 29918, 29893, 485, 876, 7503, 29892, 584, 29892, 8466, 29918, 2311, 29901, 448, 17460, 29918, 2311, 29962, 13, 1678, 297, 29886, 29918, 1688, 353, 297, 29886, 29918, 29893, 485, 7503, 29892, 584, 29892, 8466, 29918, 2311, 29901, 448, 17460, 29918, 2311, 29962, 13, 1678, 6724, 29889, 9294, 29918, 497, 5358, 29898, 262, 29886, 29918, 1688, 29892, 13, 462, 9651, 714, 29918, 29893, 485, 29897, 13, 13, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 14943, 29918, 2917, 613, 285, 29890, 29918, 2917, 29918, 1761, 3101, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 18798, 29918, 391, 615, 613, 518, 5574, 29892, 7700, 2314, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 18798, 29918, 2521, 613, 518, 5574, 29892, 7700, 2314, 13, 1753, 1243, 29918, 629, 2593, 262, 2576, 29898, 14943, 29918, 2917, 29892, 8343, 29918, 391, 615, 29892, 8343, 29918, 2521, 1125, 13, 1678, 380, 615, 353, 11346, 6119, 29898, 1254, 7818, 18426, 29898, 1068, 14943, 29918, 2917, 876, 13, 1678, 1752, 615, 353, 6213, 565, 451, 8343, 29918, 391, 615, 1683, 3826, 6119, 29898, 1254, 7818, 18426, 29898, 1068, 14943, 29918, 2917, 876, 13, 1678, 281, 485, 353, 4842, 305, 29889, 9502, 29876, 29898, 29906, 29892, 29871, 29896, 29892, 29871, 29947, 29900, 29900, 29900, 29897, 13, 1678, 1580, 353, 380, 615, 29898, 29893, 485, 29897, 13, 1678, 15886, 29918, 13168, 353, 4842, 305, 29889, 18816, 29885, 3398, 29898, 7345, 305, 29889, 9502, 29876, 29918, 4561, 29898, 6550, 876, 13, 1678, 11105, 287, 29918, 6550, 353, 1580, 334, 15886, 29918, 13168, 13, 1678, 2320, 353, 4327, 29879, 29889, 19730, 29918, 11082, 29898, 13168, 287, 29918, 6550, 29892, 448, 29906, 29897, 13, 1678, 23619, 353, 6213, 565, 451, 8343, 29918, 2521, 1683, 4327, 29879, 29889, 2521, 29898, 13168, 287, 29918, 6550, 29892, 448, 29906, 29897, 13, 1678, 867, 2593, 262, 29918, 2576, 29898, 11082, 29892, 380, 615, 29892, 23619, 29922, 19536, 29892, 1752, 615, 29918, 7099, 29922, 391, 615, 29892, 302, 29918, 1524, 29922, 29941, 29897, 13, 13, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 14943, 29918, 2917, 613, 285, 29890, 29918, 2917, 29918, 1761, 3101, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 18798, 29918, 391, 615, 613, 518, 5574, 29892, 7700, 2314, 13, 29992, 2272, 1688, 29889, 3502, 29889, 3207, 300, 374, 911, 703, 18798, 29918, 2521, 613, 518, 5574, 29892, 7700, 2314, 13, 1753, 1243, 29918, 29885, 10770, 29898, 14943, 29918, 2917, 29892, 8343, 29918, 391, 615, 29892, 8343, 29918, 2521, 1125, 13, 1678, 380, 615, 353, 11346, 6119, 29898, 1254, 7818, 18426, 29898, 1068, 14943, 29918, 2917, 876, 13, 1678, 1752, 615, 353, 6213, 565, 451, 8343, 29918, 391, 615, 1683, 3826, 6119, 29898, 1254, 7818, 18426, 29898, 1068, 14943, 29918, 2917, 876, 13, 1678, 302, 29918, 4351, 353, 29871, 29941, 13, 1678, 396, 6204, 29544, 13, 1678, 281, 485, 353, 4842, 305, 29889, 9502, 29876, 29898, 29906, 29892, 29871, 29896, 29892, 29871, 29947, 29900, 29900, 29900, 29897, 13, 1678, 1580, 353, 380, 615, 29898, 29893, 485, 467, 6948, 802, 29872, 911, 29898, 29896, 29897, 13, 1678, 396, 6204, 302, 29918, 4351, 11105, 29879, 373, 29544, 1580, 322, 3394, 963, 13, 1678, 8267, 353, 1051, 29898, 6550, 29889, 12181, 29897, 13, 1678, 8267, 29961, 29896, 29962, 334, 29922, 302, 29918, 4351, 13, 1678, 15886, 29918, 13168, 353, 4842, 305, 29889, 18816, 29885, 3398, 29898, 7345, 305, 29889, 9502, 29876, 10456, 12181, 876, 13, 1678, 11105, 287, 29918, 5965, 2395, 353, 1580, 334, 15886, 29918, 13168, 13, 1678, 396, 922, 862, 403, 2320, 322, 10696, 29889, 13, 1678, 2320, 353, 4327, 29879, 29889, 19730, 29918, 11082, 29898, 13168, 287, 29918, 5965, 2395, 29892, 448, 29906, 29897, 13, 1678, 23619, 353, 6213, 565, 451, 8343, 29918, 2521, 1683, 4327, 29879, 29889, 2521, 29898, 13168, 287, 29918, 5965, 2395, 29892, 448, 29906, 29897, 13, 1678, 707, 29918, 29893, 485, 29879, 353, 3984, 29875, 29898, 29893, 485, 29892, 2320, 29892, 380, 615, 29892, 23619, 29922, 19536, 29892, 1752, 615, 29918, 7099, 29922, 391, 615, 29892, 302, 29918, 1524, 29922, 29906, 29897, 13, 1678, 396, 1334, 2869, 1016, 29915, 29873, 1073, 278, 1833, 3964, 1363, 306, 1254, 7818, 29898, 1254, 7818, 3101, 5700, 29879, 278, 1095, 13, 1678, 4974, 707, 29918, 29893, 485, 29879, 29889, 12181, 7503, 29899, 29896, 29962, 1275, 313, 29906, 29892, 302, 29918, 4351, 29897, 13, 2 ]
WORC/plotting/plot_barchart.py
MStarmans91/WORC
47
104525
#!/usr/bin/env python # Copyright 2016-2019 Biomedical Imaging Group Rotterdam, Departments of # Medical Informatics and Radiology, Erasmus MC, Rotterdam, The Netherlands # # 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 matplotlib matplotlib.use('agg') import matplotlib.pyplot as plt import tikzplotlib import numpy as np import pandas as pd from collections import Counter import argparse def plot_barchart(prediction, estimators=10, label_type=None, output_tex=None, output_png=None): ''' Make a barchart of the top X hyperparameters settings of the ranked estimators in all cross validation iterations. Parameters ---------- prediction: filepath, mandatory Path pointing to the .hdf5 file which was is the output of the trainclassifier function. estimators: integer, default 10 Number of hyperparameter settings/estimators used in each cross validation. The settings are ranked, so when supplying e.g. 10, the best 10 settings in each cross validation setting will be used. label_type: string, default None The name of the label predicted by the estimator. If None, the first label from the prediction file will be used. output_tex: filepath, optional If given, the barchart will be written to this tex file. output_png: filepath, optional If given, the barchart will be written to this png file. Returns ---------- fig: matplotlib figure The figure in which the barchart is plotted. ''' # Load input prediction prediction = pd.read_hdf(prediction) # Determine for which label we extract the estimator keys = prediction.keys() if label_type is None: label_type = keys[0] try: prediction = prediction[label_type] except KeyError: # Multiclass reroute prediction = prediction[keys[0]] # Extract the parameter settings: parameters = dict() for n_crossval, est in enumerate(prediction.classifiers): for n_setting in range(0, estimators): # Extract parameter settings of nth estimator parameters_all = est.cv_results_['params'][n_setting] # Stack settings in parameters dictionary for k in parameters_all.keys(): if k not in parameters.keys(): parameters[k] = list() parameters[k].append(parameters_all[k]) # Count for every parameter how many times a setting occurs counts = count_parameters(parameters) # Normalize the values normalization_factor = len(prediction.classifiers) * estimators # Make the barplot fig = plot_bars(counts, normalization_factor) # Try making it fullscreen # Save the output if output_tex is not None: print(f'Saving barchart to {output_tex}.') tikzplotlib.save(output_tex) if output_png is not None: print(f'Saving barchart to {output_png}.') fig.savefig(output_png, bbox_inches='tight', pad_inches=0, dpi=500) def plot_bars(params, normalization_factor=None, figwidth=40, fontsize=30, spacing=2): # Fixing random state for reproducibility np.random.seed(19680801) # Count how often feature groups are used ntimes_groups = list() groups = list() for key in params.keys(): # Check if parameter is a boolean if 'True' in params[key].keys() or 'False' in params[key].keys(): if 'True' in params[key].keys(): ntimes_groups.append(params[key]['True']) groups.append(key) else: # Only False ntimes_groups.append(0) groups.append(key) # Normalize the values in order to not make figure to large if normalization_factor is None: normalization_factor = max(ntimes_groups) normalization_factor = float(normalization_factor) # Needed for percentages ntimes_groups = [x / normalization_factor for x in ntimes_groups] # Create the figure for the barchart plt.rcdefaults() fig, ax = plt.subplots() fig.set_figwidth(figwidth) fig.set_figheight(figwidth) ax.set_xlim(0, 1) # Determine positions of all the labels y_pos = np.arange(len(groups) * spacing) ntimes_groups_plot = list() groups_plot = list() num = 0 for i in range(len(groups) * spacing): if i % spacing == 0: ntimes_groups_plot.append(ntimes_groups[num]) groups_plot.append(groups[num]) num += 1 else: # empty entry to fill up spacing ntimes_groups_plot.append(0.0) groups_plot.append('') # Normal features colors = ['steelblue', 'lightskyblue'] ax.barh(y_pos, ntimes_groups_plot, align='center', color=colors[0], ecolor='black') ax.set_yticks(y_pos) ax.set_yticklabels(groups_plot) ax.tick_params(axis='both', labelsize=fontsize) ax.invert_yaxis() # labels read top-to-bottom ax.set_xlabel('Percentage', fontsize=fontsize) return fig def count_parameters(parameters): # Count for every parameter how many times a setting occurs output = dict() for setting, values in parameters.items(): output[setting] = dict() try: c = Counter(values) for k, v in zip(c.keys(), c.values()): output[setting][k] = v except TypeError: # Not possible to count parameters, remove del output[setting] return output def paracheck(parameters): # NOTE: Deprecated output = dict() # print parameters f = parameters['semantic_features'] total = float(len(f)) count_semantic = sum([i == 'True' for i in f]) ratio_semantic = count_semantic/total print("Semantic: " + str(ratio_semantic)) output['semantic_features'] = ratio_semantic f = parameters['patient_features'] count_patient = sum([i == 'True' for i in f]) ratio_patient = count_patient/total print("patient: " + str(ratio_patient)) output['patient_features'] = ratio_patient f = parameters['orientation_features'] count_orientation = sum([i == 'True' for i in f]) ratio_orientation = count_orientation/total print("orientation: " + str(ratio_orientation)) output['orientation_features'] = ratio_orientation f = parameters['histogram_features'] count_histogram = sum([i == 'True' for i in f]) ratio_histogram = count_histogram/total print("histogram: " + str(ratio_histogram)) output['histogram_features'] = ratio_histogram f = parameters['shape_features'] count_shape = sum([i == 'True' for i in f]) ratio_shape = count_shape/total print("shape: " + str(ratio_shape)) output['shape_features'] = ratio_shape if 'coliage_features' in parameters.keys(): f = parameters['coliage_features'] count_coliage = sum([i == 'True' for i in f]) ratio_coliage = count_coliage/total print("coliage: " + str(ratio_coliage)) output['coliage_features'] = ratio_coliage if 'phase_features' in parameters.keys(): f = parameters['phase_features'] count_phase = sum([i == 'True' for i in f]) ratio_phase = count_phase/total print("phase: " + str(ratio_phase)) output['phase_features'] = ratio_phase if 'vessel_features' in parameters.keys(): f = parameters['vessel_features'] count_vessel = sum([i == 'True' for i in f]) ratio_vessel = count_vessel/total print("vessel: " + str(ratio_vessel)) output['vessel_features'] = ratio_vessel if 'log_features' in parameters.keys(): f = parameters['log_features'] count_log = sum([i == 'True' for i in f]) ratio_log = count_log/total print("log: " + str(ratio_log)) output['log_features'] = ratio_log f = parameters['texture_features'] count_texture_all = sum([i == 'True' for i in f]) ratio_texture_all = count_texture_all/total print("texture_all: " + str(ratio_texture_all)) output['texture_all_features'] = ratio_texture_all count_texture_no = sum([i == 'False' for i in f]) ratio_texture_no = count_texture_no/total print("texture_no: " + str(ratio_texture_no)) output['texture_no_features'] = ratio_texture_no count_texture_Gabor = sum([i == 'Gabor' for i in f]) ratio_texture_Gabor = count_texture_Gabor/total print("texture_Gabor: " + str(ratio_texture_Gabor)) output['texture_Gabor_features'] = ratio_texture_Gabor count_texture_LBP = sum([i == 'LBP' for i in f]) ratio_texture_LBP = count_texture_LBP/total print("texture_LBP: " + str(ratio_texture_LBP)) output['texture_LBP_features'] = ratio_texture_LBP count_texture_GLCM = sum([i == 'GLCM' for i in f]) ratio_texture_GLCM = count_texture_GLCM/total print("texture_GLCM: " + str(ratio_texture_GLCM)) output['texture_GLCM_features'] = ratio_texture_GLCM count_texture_GLRLM = sum([i == 'GLRLM' for i in f]) ratio_texture_GLRLM = count_texture_GLRLM/total print("texture_GLRLM: " + str(ratio_texture_GLRLM)) output['texture_GLRLM_features'] = ratio_texture_GLRLM count_texture_GLSZM = sum([i == 'GLSZM' for i in f]) ratio_texture_GLSZM = count_texture_GLSZM/total print("texture_GLSZM: " + str(ratio_texture_GLSZM)) output['texture_GLSZM_features'] = ratio_texture_GLSZM count_texture_NGTDM = sum([i == 'NGTDM' for i in f]) ratio_texture_NGTDM = count_texture_NGTDM/total print("texture_NGTDM: " + str(ratio_texture_NGTDM)) output['texture_NGTDM_features'] = ratio_texture_NGTDM if 'degree' in parameters.keys(): f = parameters['degree'] print("Polynomial Degree: " + str(np.mean(f))) output['polynomial_degree'] = np.mean(f) return output def main(): parser = argparse.ArgumentParser(description='Plot a Barchart.') parser.add_argument('-prediction', '--prediction', metavar='prediction', nargs='+', dest='prediction', type=str, required=True, help='Prediction file (HDF)') parser.add_argument('-estimators', '--estimators', metavar='estimator', nargs='+', dest='estimators', type=str, required=False, help='Number of estimators to evaluate in each cross validation.') parser.add_argument('-label_type', '--label_type', metavar='label_type', nargs='+', dest='label_type', type=str, required=False, help='Key of the label which was predicted.') parser.add_argument('-output_tex', '--output_tex', metavar='output_tex', nargs='+', dest='output_tex', type=str, required=True, help='Output file path (.tex)') parser.add_argument('-output_png', '--output_png', metavar='output_png', nargs='+', dest='output_png', type=str, required=True, help='Output file path (.png)') args = parser.parse_args() # Convert the inputs to the correct format if type(args.prediction) is list: args.prediction = ''.join(args.prediction) if type(args.output) is list: args.output = ''.join(args.output) if type(args.estimators) is list: args.estimators = int(args.estimators[0]) if type(args.label_type) is list: args.label_type = ''.join(args.label_type) plot_barchart(prediction=args.prediction, estimators=args.estimators, label_type=args.label_type, output_tex=args.output_tex, output_png=args.output_png) if __name__ == '__main__': main()
[ 1, 18787, 4855, 29914, 2109, 29914, 6272, 3017, 13, 13, 29937, 14187, 1266, 29871, 29906, 29900, 29896, 29953, 29899, 29906, 29900, 29896, 29929, 3457, 27067, 936, 1954, 6751, 6431, 9664, 357, 16846, 29892, 23242, 1860, 310, 13, 29937, 20795, 512, 4830, 1199, 322, 4957, 29875, 3002, 29892, 1425, 294, 8366, 21271, 29892, 9664, 357, 16846, 29892, 450, 24553, 13, 29937, 13, 29937, 10413, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 376, 29931, 293, 1947, 1496, 13, 29937, 366, 1122, 451, 671, 445, 934, 5174, 297, 752, 13036, 411, 278, 19245, 29889, 13, 29937, 887, 1122, 4017, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 268, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 7047, 13, 29937, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 13, 29937, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 13, 29937, 2823, 278, 19245, 363, 278, 2702, 4086, 14765, 1076, 11239, 322, 13, 29937, 27028, 1090, 278, 19245, 29889, 13, 13, 5215, 22889, 13, 2922, 17357, 29889, 1509, 877, 16170, 1495, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 13, 13, 5215, 260, 9510, 17357, 13, 5215, 12655, 408, 7442, 13, 5215, 11701, 408, 10518, 13, 3166, 16250, 1053, 315, 5336, 13, 5215, 1852, 5510, 13, 13, 13, 1753, 6492, 29918, 29890, 1279, 442, 29898, 11965, 2463, 29892, 4844, 4097, 29922, 29896, 29900, 29892, 3858, 29918, 1853, 29922, 8516, 29892, 1962, 29918, 4776, 29922, 8516, 29892, 13, 462, 29871, 1962, 29918, 2732, 29922, 8516, 1125, 13, 1678, 14550, 13, 1678, 8561, 263, 289, 1279, 442, 310, 278, 2246, 1060, 11266, 16744, 6055, 310, 278, 26642, 13, 1678, 4844, 4097, 297, 599, 4891, 8845, 24372, 29889, 13, 13, 1678, 12662, 2699, 13, 1678, 448, 1378, 29899, 13, 1678, 18988, 29901, 934, 2084, 29892, 9619, 7606, 13, 4706, 10802, 13330, 304, 278, 869, 29882, 2176, 29945, 934, 607, 471, 338, 278, 1962, 310, 278, 13, 4706, 7945, 1990, 3709, 740, 29889, 13, 13, 1678, 4844, 4097, 29901, 6043, 29892, 2322, 29871, 29896, 29900, 13, 4706, 9681, 310, 11266, 15501, 6055, 29914, 342, 326, 4097, 1304, 297, 1269, 4891, 13, 4706, 8845, 29889, 450, 6055, 526, 26642, 29892, 577, 746, 1462, 5890, 321, 29889, 29887, 29889, 29871, 29896, 29900, 29892, 13, 4706, 278, 1900, 29871, 29896, 29900, 6055, 297, 1269, 4891, 8845, 4444, 674, 367, 1304, 29889, 13, 13, 1678, 3858, 29918, 1853, 29901, 1347, 29892, 2322, 6213, 13, 4706, 450, 1024, 310, 278, 3858, 25383, 491, 278, 4844, 1061, 29889, 960, 6213, 29892, 13, 4706, 278, 937, 3858, 515, 278, 18988, 934, 674, 367, 1304, 29889, 13, 13, 1678, 1962, 29918, 4776, 29901, 934, 2084, 29892, 13136, 13, 4706, 960, 2183, 29892, 278, 289, 1279, 442, 674, 367, 3971, 304, 445, 19696, 934, 29889, 13, 13, 1678, 1962, 29918, 2732, 29901, 934, 2084, 29892, 13136, 13, 4706, 960, 2183, 29892, 278, 289, 1279, 442, 674, 367, 3971, 304, 445, 282, 865, 934, 29889, 13, 13, 1678, 16969, 13, 1678, 448, 1378, 29899, 13, 1678, 2537, 29901, 22889, 4377, 13, 4706, 450, 4377, 297, 607, 278, 289, 1279, 442, 338, 715, 15048, 29889, 13, 13, 1678, 14550, 13, 1678, 396, 16012, 1881, 18988, 13, 1678, 18988, 353, 10518, 29889, 949, 29918, 29882, 2176, 29898, 11965, 2463, 29897, 13, 13, 1678, 396, 5953, 837, 457, 363, 607, 3858, 591, 6597, 278, 4844, 1061, 13, 1678, 6611, 353, 18988, 29889, 8149, 580, 13, 1678, 565, 3858, 29918, 1853, 338, 6213, 29901, 13, 4706, 3858, 29918, 1853, 353, 6611, 29961, 29900, 29962, 13, 13, 1678, 1018, 29901, 13, 4706, 18988, 353, 18988, 29961, 1643, 29918, 1853, 29962, 13, 1678, 5174, 7670, 2392, 29901, 13, 4706, 396, 9683, 293, 605, 364, 261, 2663, 13, 4706, 18988, 353, 18988, 29961, 8149, 29961, 29900, 5262, 13, 13, 1678, 396, 7338, 1461, 278, 3443, 6055, 29901, 13, 1678, 4128, 353, 9657, 580, 13, 1678, 363, 302, 29918, 19128, 791, 29892, 707, 297, 26985, 29898, 11965, 2463, 29889, 1990, 14903, 1125, 13, 4706, 363, 302, 29918, 26740, 297, 3464, 29898, 29900, 29892, 4844, 4097, 1125, 13, 9651, 396, 7338, 1461, 3443, 6055, 310, 302, 386, 4844, 1061, 13, 9651, 4128, 29918, 497, 353, 707, 29889, 11023, 29918, 9902, 29918, 1839, 7529, 2033, 29961, 29876, 29918, 26740, 29962, 13, 13, 9651, 396, 10292, 6055, 297, 4128, 8600, 13, 9651, 363, 413, 297, 4128, 29918, 497, 29889, 8149, 7295, 13, 18884, 565, 413, 451, 297, 4128, 29889, 8149, 7295, 13, 462, 1678, 4128, 29961, 29895, 29962, 353, 1051, 580, 13, 18884, 4128, 29961, 29895, 1822, 4397, 29898, 16744, 29918, 497, 29961, 29895, 2314, 13, 13, 1678, 396, 3917, 363, 1432, 3443, 920, 1784, 3064, 263, 4444, 10008, 13, 1678, 18139, 353, 2302, 29918, 16744, 29898, 16744, 29897, 13, 13, 1678, 396, 21981, 675, 278, 1819, 13, 1678, 4226, 2133, 29918, 19790, 353, 7431, 29898, 11965, 2463, 29889, 1990, 14903, 29897, 334, 4844, 4097, 13, 13, 1678, 396, 8561, 278, 2594, 5317, 13, 1678, 2537, 353, 6492, 29918, 28408, 29898, 2798, 29879, 29892, 4226, 2133, 29918, 19790, 29897, 13, 13, 1678, 396, 3967, 3907, 372, 2989, 10525, 13, 13, 1678, 396, 16913, 278, 1962, 13, 1678, 565, 1962, 29918, 4776, 338, 451, 6213, 29901, 13, 4706, 1596, 29898, 29888, 29915, 29903, 5555, 289, 1279, 442, 304, 426, 4905, 29918, 4776, 1836, 1495, 13, 4706, 260, 9510, 17357, 29889, 7620, 29898, 4905, 29918, 4776, 29897, 13, 13, 1678, 565, 1962, 29918, 2732, 338, 451, 6213, 29901, 13, 4706, 1596, 29898, 29888, 29915, 29903, 5555, 289, 1279, 442, 304, 426, 4905, 29918, 2732, 1836, 1495, 13, 4706, 2537, 29889, 7620, 1003, 29898, 4905, 29918, 2732, 29892, 289, 1884, 29918, 262, 6609, 2433, 29873, 523, 742, 17132, 29918, 262, 6609, 29922, 29900, 29892, 270, 1631, 29922, 29945, 29900, 29900, 29897, 13, 13, 13, 1753, 6492, 29918, 28408, 29898, 7529, 29892, 4226, 2133, 29918, 19790, 29922, 8516, 29892, 2537, 2103, 29922, 29946, 29900, 29892, 4079, 2311, 29922, 29941, 29900, 29892, 13, 795, 29250, 29922, 29906, 1125, 13, 13, 1678, 396, 24778, 292, 4036, 2106, 363, 9483, 455, 29890, 1793, 13, 1678, 7442, 29889, 8172, 29889, 26776, 29898, 29896, 29929, 29953, 29947, 29900, 29947, 29900, 29896, 29897, 13, 13, 1678, 396, 3917, 920, 4049, 4682, 6471, 526, 1304, 13, 1678, 302, 3706, 29918, 13155, 353, 1051, 580, 13, 1678, 6471, 353, 1051, 580, 13, 1678, 363, 1820, 297, 8636, 29889, 8149, 7295, 13, 4706, 396, 5399, 565, 3443, 338, 263, 7223, 13, 4706, 565, 525, 5574, 29915, 297, 8636, 29961, 1989, 1822, 8149, 580, 470, 525, 8824, 29915, 297, 8636, 29961, 1989, 1822, 8149, 7295, 13, 9651, 565, 525, 5574, 29915, 297, 8636, 29961, 1989, 1822, 8149, 7295, 13, 18884, 302, 3706, 29918, 13155, 29889, 4397, 29898, 7529, 29961, 1989, 22322, 5574, 11287, 13, 18884, 6471, 29889, 4397, 29898, 1989, 29897, 13, 9651, 1683, 29901, 13, 18884, 396, 9333, 7700, 13, 18884, 302, 3706, 29918, 13155, 29889, 4397, 29898, 29900, 29897, 13, 18884, 6471, 29889, 4397, 29898, 1989, 29897, 13, 13, 1678, 396, 21981, 675, 278, 1819, 297, 1797, 304, 451, 1207, 4377, 304, 2919, 13, 1678, 565, 4226, 2133, 29918, 19790, 338, 6213, 29901, 13, 4706, 4226, 2133, 29918, 19790, 353, 4236, 29898, 593, 1355, 29918, 13155, 29897, 13, 1678, 4226, 2133, 29918, 19790, 353, 5785, 29898, 8945, 2133, 29918, 19790, 29897, 29871, 396, 2448, 19226, 363, 10151, 1179, 13, 1678, 302, 3706, 29918, 13155, 353, 518, 29916, 847, 4226, 2133, 29918, 19790, 363, 921, 297, 302, 3706, 29918, 13155, 29962, 13, 13, 1678, 396, 6204, 278, 4377, 363, 278, 289, 1279, 442, 13, 1678, 14770, 29889, 2214, 4381, 29879, 580, 13, 1678, 2537, 29892, 4853, 353, 14770, 29889, 1491, 26762, 580, 13, 1678, 2537, 29889, 842, 29918, 1003, 2103, 29898, 1003, 2103, 29897, 13, 1678, 2537, 29889, 842, 29918, 1003, 3545, 29898, 1003, 2103, 29897, 13, 1678, 4853, 29889, 842, 29918, 29916, 2576, 29898, 29900, 29892, 29871, 29896, 29897, 13, 13, 1678, 396, 5953, 837, 457, 11909, 310, 599, 278, 11073, 13, 1678, 343, 29918, 1066, 353, 7442, 29889, 279, 927, 29898, 2435, 29898, 13155, 29897, 334, 29250, 29897, 13, 1678, 302, 3706, 29918, 13155, 29918, 5317, 353, 1051, 580, 13, 1678, 6471, 29918, 5317, 353, 1051, 580, 13, 1678, 954, 353, 29871, 29900, 13, 1678, 363, 474, 297, 3464, 29898, 2435, 29898, 13155, 29897, 334, 29250, 1125, 13, 4706, 565, 474, 1273, 29250, 1275, 29871, 29900, 29901, 13, 9651, 302, 3706, 29918, 13155, 29918, 5317, 29889, 4397, 29898, 593, 1355, 29918, 13155, 29961, 1949, 2314, 13, 9651, 6471, 29918, 5317, 29889, 4397, 29898, 13155, 29961, 1949, 2314, 13, 9651, 954, 4619, 29871, 29896, 13, 4706, 1683, 29901, 13, 9651, 396, 4069, 6251, 304, 5445, 701, 29250, 13, 9651, 302, 3706, 29918, 13155, 29918, 5317, 29889, 4397, 29898, 29900, 29889, 29900, 29897, 13, 9651, 6471, 29918, 5317, 29889, 4397, 877, 1495, 13, 13, 1678, 396, 21981, 5680, 13, 1678, 11955, 353, 6024, 1655, 295, 9539, 742, 525, 4366, 7912, 9539, 2033, 13, 1678, 4853, 29889, 1646, 29882, 29898, 29891, 29918, 1066, 29892, 302, 3706, 29918, 13155, 29918, 5317, 29892, 7595, 2433, 5064, 742, 13, 9651, 2927, 29922, 27703, 29961, 29900, 1402, 321, 2780, 2433, 8517, 1495, 13, 1678, 4853, 29889, 842, 29918, 3637, 7358, 29898, 29891, 29918, 1066, 29897, 13, 1678, 4853, 29889, 842, 29918, 3637, 860, 21134, 29898, 13155, 29918, 5317, 29897, 13, 13, 1678, 4853, 29889, 24667, 29918, 7529, 29898, 8990, 2433, 20313, 742, 3858, 2311, 29922, 5657, 2311, 29897, 13, 1678, 4853, 29889, 262, 1765, 29918, 29891, 8990, 580, 29871, 396, 11073, 1303, 2246, 29899, 517, 29899, 8968, 13, 1678, 4853, 29889, 842, 29918, 29916, 1643, 877, 27933, 482, 742, 4079, 2311, 29922, 5657, 2311, 29897, 13, 13, 1678, 736, 2537, 13, 13, 13, 1753, 2302, 29918, 16744, 29898, 16744, 1125, 13, 1678, 396, 3917, 363, 1432, 3443, 920, 1784, 3064, 263, 4444, 10008, 13, 1678, 1962, 353, 9657, 580, 13, 1678, 363, 4444, 29892, 1819, 297, 4128, 29889, 7076, 7295, 13, 4706, 1962, 29961, 26740, 29962, 353, 9657, 580, 13, 4706, 1018, 29901, 13, 9651, 274, 353, 315, 5336, 29898, 5975, 29897, 13, 9651, 363, 413, 29892, 325, 297, 14319, 29898, 29883, 29889, 8149, 3285, 274, 29889, 5975, 580, 1125, 13, 18884, 1962, 29961, 26740, 3816, 29895, 29962, 353, 325, 13, 4706, 5174, 20948, 29901, 13, 9651, 396, 2216, 1950, 304, 2302, 4128, 29892, 3349, 13, 9651, 628, 1962, 29961, 26740, 29962, 13, 13, 1678, 736, 1962, 13, 13, 13, 1753, 610, 1829, 384, 29898, 16744, 1125, 13, 1678, 396, 6058, 29923, 29901, 897, 17990, 630, 13, 1678, 1962, 353, 9657, 580, 13, 1678, 396, 1596, 4128, 13, 13, 1678, 285, 353, 4128, 1839, 12846, 7716, 29918, 22100, 2033, 13, 1678, 3001, 353, 5785, 29898, 2435, 29898, 29888, 876, 13, 1678, 2302, 29918, 12846, 7716, 353, 2533, 4197, 29875, 1275, 525, 5574, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 12846, 7716, 353, 2302, 29918, 12846, 7716, 29914, 7827, 13, 1678, 1596, 703, 28516, 7716, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 12846, 7716, 876, 13, 1678, 1962, 1839, 12846, 7716, 29918, 22100, 2033, 353, 11959, 29918, 12846, 7716, 13, 13, 1678, 285, 353, 4128, 1839, 5031, 993, 29918, 22100, 2033, 13, 1678, 2302, 29918, 5031, 993, 353, 2533, 4197, 29875, 1275, 525, 5574, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 5031, 993, 353, 2302, 29918, 5031, 993, 29914, 7827, 13, 1678, 1596, 703, 5031, 993, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 5031, 993, 876, 13, 1678, 1962, 1839, 5031, 993, 29918, 22100, 2033, 353, 11959, 29918, 5031, 993, 13, 13, 1678, 285, 353, 4128, 1839, 20659, 29918, 22100, 2033, 13, 1678, 2302, 29918, 20659, 353, 2533, 4197, 29875, 1275, 525, 5574, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 20659, 353, 2302, 29918, 20659, 29914, 7827, 13, 1678, 1596, 703, 20659, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 20659, 876, 13, 1678, 1962, 1839, 20659, 29918, 22100, 2033, 353, 11959, 29918, 20659, 13, 13, 1678, 285, 353, 4128, 1839, 29882, 391, 13342, 29918, 22100, 2033, 13, 1678, 2302, 29918, 29882, 391, 13342, 353, 2533, 4197, 29875, 1275, 525, 5574, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 29882, 391, 13342, 353, 2302, 29918, 29882, 391, 13342, 29914, 7827, 13, 1678, 1596, 703, 29882, 391, 13342, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 29882, 391, 13342, 876, 13, 1678, 1962, 1839, 29882, 391, 13342, 29918, 22100, 2033, 353, 11959, 29918, 29882, 391, 13342, 13, 13, 1678, 285, 353, 4128, 1839, 12181, 29918, 22100, 2033, 13, 1678, 2302, 29918, 12181, 353, 2533, 4197, 29875, 1275, 525, 5574, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 12181, 353, 2302, 29918, 12181, 29914, 7827, 13, 1678, 1596, 703, 12181, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 12181, 876, 13, 1678, 1962, 1839, 12181, 29918, 22100, 2033, 353, 11959, 29918, 12181, 13, 13, 1678, 565, 525, 25776, 482, 29918, 22100, 29915, 297, 4128, 29889, 8149, 7295, 13, 4706, 285, 353, 4128, 1839, 25776, 482, 29918, 22100, 2033, 13, 4706, 2302, 29918, 25776, 482, 353, 2533, 4197, 29875, 1275, 525, 5574, 29915, 363, 474, 297, 285, 2314, 13, 4706, 11959, 29918, 25776, 482, 353, 2302, 29918, 25776, 482, 29914, 7827, 13, 4706, 1596, 703, 25776, 482, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 25776, 482, 876, 13, 4706, 1962, 1839, 25776, 482, 29918, 22100, 2033, 353, 11959, 29918, 25776, 482, 13, 13, 1678, 565, 525, 21646, 29918, 22100, 29915, 297, 4128, 29889, 8149, 7295, 13, 4706, 285, 353, 4128, 1839, 21646, 29918, 22100, 2033, 13, 4706, 2302, 29918, 21646, 353, 2533, 4197, 29875, 1275, 525, 5574, 29915, 363, 474, 297, 285, 2314, 13, 4706, 11959, 29918, 21646, 353, 2302, 29918, 21646, 29914, 7827, 13, 4706, 1596, 703, 21646, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 21646, 876, 13, 4706, 1962, 1839, 21646, 29918, 22100, 2033, 353, 11959, 29918, 21646, 13, 13, 1678, 565, 525, 29894, 25583, 29918, 22100, 29915, 297, 4128, 29889, 8149, 7295, 13, 4706, 285, 353, 4128, 1839, 29894, 25583, 29918, 22100, 2033, 13, 4706, 2302, 29918, 29894, 25583, 353, 2533, 4197, 29875, 1275, 525, 5574, 29915, 363, 474, 297, 285, 2314, 13, 4706, 11959, 29918, 29894, 25583, 353, 2302, 29918, 29894, 25583, 29914, 7827, 13, 4706, 1596, 703, 29894, 25583, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 29894, 25583, 876, 13, 4706, 1962, 1839, 29894, 25583, 29918, 22100, 2033, 353, 11959, 29918, 29894, 25583, 13, 13, 1678, 565, 525, 1188, 29918, 22100, 29915, 297, 4128, 29889, 8149, 7295, 13, 4706, 285, 353, 4128, 1839, 1188, 29918, 22100, 2033, 13, 4706, 2302, 29918, 1188, 353, 2533, 4197, 29875, 1275, 525, 5574, 29915, 363, 474, 297, 285, 2314, 13, 4706, 11959, 29918, 1188, 353, 2302, 29918, 1188, 29914, 7827, 13, 4706, 1596, 703, 1188, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 1188, 876, 13, 4706, 1962, 1839, 1188, 29918, 22100, 2033, 353, 11959, 29918, 1188, 13, 13, 1678, 285, 353, 4128, 1839, 726, 545, 29918, 22100, 2033, 13, 1678, 2302, 29918, 726, 545, 29918, 497, 353, 2533, 4197, 29875, 1275, 525, 5574, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 726, 545, 29918, 497, 353, 2302, 29918, 726, 545, 29918, 497, 29914, 7827, 13, 1678, 1596, 703, 726, 545, 29918, 497, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 726, 545, 29918, 497, 876, 13, 1678, 1962, 1839, 726, 545, 29918, 497, 29918, 22100, 2033, 353, 11959, 29918, 726, 545, 29918, 497, 13, 13, 1678, 2302, 29918, 726, 545, 29918, 1217, 353, 2533, 4197, 29875, 1275, 525, 8824, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 726, 545, 29918, 1217, 353, 2302, 29918, 726, 545, 29918, 1217, 29914, 7827, 13, 1678, 1596, 703, 726, 545, 29918, 1217, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 726, 545, 29918, 1217, 876, 13, 1678, 1962, 1839, 726, 545, 29918, 1217, 29918, 22100, 2033, 353, 11959, 29918, 726, 545, 29918, 1217, 13, 13, 1678, 2302, 29918, 726, 545, 29918, 29954, 3717, 353, 2533, 4197, 29875, 1275, 525, 29954, 3717, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 726, 545, 29918, 29954, 3717, 353, 2302, 29918, 726, 545, 29918, 29954, 3717, 29914, 7827, 13, 1678, 1596, 703, 726, 545, 29918, 29954, 3717, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 726, 545, 29918, 29954, 3717, 876, 13, 1678, 1962, 1839, 726, 545, 29918, 29954, 3717, 29918, 22100, 2033, 353, 11959, 29918, 726, 545, 29918, 29954, 3717, 13, 13, 1678, 2302, 29918, 726, 545, 29918, 29931, 29933, 29925, 353, 2533, 4197, 29875, 1275, 525, 29931, 29933, 29925, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 726, 545, 29918, 29931, 29933, 29925, 353, 2302, 29918, 726, 545, 29918, 29931, 29933, 29925, 29914, 7827, 13, 1678, 1596, 703, 726, 545, 29918, 29931, 29933, 29925, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 726, 545, 29918, 29931, 29933, 29925, 876, 13, 1678, 1962, 1839, 726, 545, 29918, 29931, 29933, 29925, 29918, 22100, 2033, 353, 11959, 29918, 726, 545, 29918, 29931, 29933, 29925, 13, 13, 1678, 2302, 29918, 726, 545, 29918, 7239, 24494, 353, 2533, 4197, 29875, 1275, 525, 7239, 24494, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 726, 545, 29918, 7239, 24494, 353, 2302, 29918, 726, 545, 29918, 7239, 24494, 29914, 7827, 13, 1678, 1596, 703, 726, 545, 29918, 7239, 24494, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 726, 545, 29918, 7239, 24494, 876, 13, 1678, 1962, 1839, 726, 545, 29918, 7239, 24494, 29918, 22100, 2033, 353, 11959, 29918, 726, 545, 29918, 7239, 24494, 13, 13, 1678, 2302, 29918, 726, 545, 29918, 7239, 2241, 29924, 353, 2533, 4197, 29875, 1275, 525, 7239, 2241, 29924, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 726, 545, 29918, 7239, 2241, 29924, 353, 2302, 29918, 726, 545, 29918, 7239, 2241, 29924, 29914, 7827, 13, 1678, 1596, 703, 726, 545, 29918, 7239, 2241, 29924, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 726, 545, 29918, 7239, 2241, 29924, 876, 13, 1678, 1962, 1839, 726, 545, 29918, 7239, 2241, 29924, 29918, 22100, 2033, 353, 11959, 29918, 726, 545, 29918, 7239, 2241, 29924, 13, 13, 1678, 2302, 29918, 726, 545, 29918, 7239, 29903, 29999, 29924, 353, 2533, 4197, 29875, 1275, 525, 7239, 29903, 29999, 29924, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 726, 545, 29918, 7239, 29903, 29999, 29924, 353, 2302, 29918, 726, 545, 29918, 7239, 29903, 29999, 29924, 29914, 7827, 13, 1678, 1596, 703, 726, 545, 29918, 7239, 29903, 29999, 29924, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 726, 545, 29918, 7239, 29903, 29999, 29924, 876, 13, 1678, 1962, 1839, 726, 545, 29918, 7239, 29903, 29999, 29924, 29918, 22100, 2033, 353, 11959, 29918, 726, 545, 29918, 7239, 29903, 29999, 29924, 13, 13, 1678, 2302, 29918, 726, 545, 29918, 9312, 29911, 23560, 353, 2533, 4197, 29875, 1275, 525, 9312, 29911, 23560, 29915, 363, 474, 297, 285, 2314, 13, 1678, 11959, 29918, 726, 545, 29918, 9312, 29911, 23560, 353, 2302, 29918, 726, 545, 29918, 9312, 29911, 23560, 29914, 7827, 13, 1678, 1596, 703, 726, 545, 29918, 9312, 29911, 23560, 29901, 376, 718, 851, 29898, 3605, 601, 29918, 726, 545, 29918, 9312, 29911, 23560, 876, 13, 1678, 1962, 1839, 726, 545, 29918, 9312, 29911, 23560, 29918, 22100, 2033, 353, 11959, 29918, 726, 545, 29918, 9312, 29911, 23560, 13, 13, 1678, 565, 525, 12163, 929, 29915, 297, 4128, 29889, 8149, 7295, 13, 4706, 285, 353, 4128, 1839, 12163, 929, 2033, 13, 4706, 1596, 703, 7713, 9222, 360, 387, 929, 29901, 376, 718, 851, 29898, 9302, 29889, 12676, 29898, 29888, 4961, 13, 4706, 1962, 1839, 3733, 9222, 29918, 12163, 929, 2033, 353, 7442, 29889, 12676, 29898, 29888, 29897, 13, 13, 1678, 736, 1962, 13, 13, 13, 1753, 1667, 7295, 13, 1678, 13812, 353, 1852, 5510, 29889, 15730, 11726, 29898, 8216, 2433, 20867, 263, 350, 1279, 442, 29889, 1495, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 29899, 11965, 2463, 742, 525, 489, 11965, 2463, 742, 1539, 485, 279, 2433, 11965, 2463, 742, 13, 462, 4706, 302, 5085, 2433, 29974, 742, 2731, 2433, 11965, 2463, 742, 1134, 29922, 710, 29892, 3734, 29922, 5574, 29892, 13, 462, 4706, 1371, 2433, 23084, 2463, 934, 313, 29950, 4037, 29897, 1495, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 29899, 342, 326, 4097, 742, 525, 489, 342, 326, 4097, 742, 1539, 485, 279, 2433, 342, 326, 1061, 742, 13, 462, 4706, 302, 5085, 2433, 29974, 742, 2731, 2433, 342, 326, 4097, 742, 1134, 29922, 710, 29892, 3734, 29922, 8824, 29892, 13, 462, 4706, 1371, 2433, 4557, 310, 4844, 4097, 304, 14707, 297, 1269, 4891, 8845, 29889, 1495, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 29899, 1643, 29918, 1853, 742, 525, 489, 1643, 29918, 1853, 742, 1539, 485, 279, 2433, 1643, 29918, 1853, 742, 13, 462, 4706, 302, 5085, 2433, 29974, 742, 2731, 2433, 1643, 29918, 1853, 742, 1134, 29922, 710, 29892, 3734, 29922, 8824, 29892, 13, 462, 4706, 1371, 2433, 2558, 310, 278, 3858, 607, 471, 25383, 29889, 1495, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 29899, 4905, 29918, 4776, 742, 525, 489, 4905, 29918, 4776, 742, 1539, 485, 279, 2433, 4905, 29918, 4776, 742, 13, 462, 4706, 302, 5085, 2433, 29974, 742, 2731, 2433, 4905, 29918, 4776, 742, 1134, 29922, 710, 29892, 3734, 29922, 5574, 29892, 13, 462, 4706, 1371, 2433, 6466, 934, 2224, 14544, 4776, 29897, 1495, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 29899, 4905, 29918, 2732, 742, 525, 489, 4905, 29918, 2732, 742, 1539, 485, 279, 2433, 4905, 29918, 2732, 742, 13, 462, 4706, 302, 5085, 2433, 29974, 742, 2731, 2433, 4905, 29918, 2732, 742, 1134, 29922, 710, 29892, 3734, 29922, 5574, 29892, 13, 462, 4706, 1371, 2433, 6466, 934, 2224, 14544, 2732, 29897, 1495, 13, 1678, 6389, 353, 13812, 29889, 5510, 29918, 5085, 580, 13, 13, 1678, 396, 14806, 278, 10970, 304, 278, 1959, 3402, 13, 1678, 565, 1134, 29898, 5085, 29889, 11965, 2463, 29897, 338, 1051, 29901, 13, 4706, 6389, 29889, 11965, 2463, 353, 525, 4286, 7122, 29898, 5085, 29889, 11965, 2463, 29897, 13, 13, 1678, 565, 1134, 29898, 5085, 29889, 4905, 29897, 338, 1051, 29901, 13, 4706, 6389, 29889, 4905, 353, 525, 4286, 7122, 29898, 5085, 29889, 4905, 29897, 13, 13, 1678, 565, 1134, 29898, 5085, 29889, 342, 326, 4097, 29897, 338, 1051, 29901, 13, 4706, 6389, 29889, 342, 326, 4097, 353, 938, 29898, 5085, 29889, 342, 326, 4097, 29961, 29900, 2314, 13, 13, 1678, 565, 1134, 29898, 5085, 29889, 1643, 29918, 1853, 29897, 338, 1051, 29901, 13, 4706, 6389, 29889, 1643, 29918, 1853, 353, 525, 4286, 7122, 29898, 5085, 29889, 1643, 29918, 1853, 29897, 13, 13, 1678, 6492, 29918, 29890, 1279, 442, 29898, 11965, 2463, 29922, 5085, 29889, 11965, 2463, 29892, 13, 462, 29871, 4844, 4097, 29922, 5085, 29889, 342, 326, 4097, 29892, 13, 462, 29871, 3858, 29918, 1853, 29922, 5085, 29889, 1643, 29918, 1853, 29892, 13, 462, 29871, 1962, 29918, 4776, 29922, 5085, 29889, 4905, 29918, 4776, 29892, 13, 462, 29871, 1962, 29918, 2732, 29922, 5085, 29889, 4905, 29918, 2732, 29897, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 1667, 580, 13, 2 ]
sshpipe/sshpipe/bin/sshpipe_socket_handler.py
Acrisel/sshpipe
0
117576
#!/usr/bin/env python3 ''' Created on Oct 18, 2017 @author: arnon ''' from sshpipe import SSHPipeHandler import logging from logging.handlers import SocketHandler import pickle import struct mlogger = logging.getLogger(__file__) class SSHPipeSocketHandler(SSHPipeHandler, SocketHandler): ''' SSHPipeSocketHandler modeled over logging.handlers.SocketHandler ''' def __init__(self, port, host='172.16.58.3', *args, **kwargs): SSHPipeHandler.__init__(self, *args, **kwargs) SocketHandler.__init__(self, host, port) if port is None: self.address = host else: self.address = (host, port) self.mlogger.debug("Server socket address: {}.".format(self.address)) def makePickle(self, record): """ Pickles the record in binary format with a length prefix, and returns it ready for transmission across the socket. """ if isinstance(record, str): s = pickle.dumps(record) else: # object d = dict(record.__dict__) s = pickle.dumps(d, 1) slen = struct.pack(">L", len(s)) return slen + s def atstart(self, receieved): # file = "{}{}".format(__file__, ".remote.log") # self.mlogger.debug("Opening file: {}.".format(file)) # self.file = open(file, 'w') # call create socket to prevent it being called at first handle. self.createSocket() def atexit(self, received): # if self.file is not None: # self.file.close() SSHPipeHandler.atexit(self, received) SocketHandler.close(self) self.mlogger.debug("Closed handlers.") def handle(self, received): """ Send a pickled string to the socket. This function allows for partial sends which can happen when the network is busy. """ # self.file.write(str(received)) self.emit(received) self.mlogger.debug("Emitted record to socket: {}.".format(received)) def cmdargs(): import argparse parser = argparse.ArgumentParser() parser.add_argument('--host', type=str, default='127.0.0.1', required=False, help='') parser.add_argument('--port', type=int, required=False, help='') parser.add_argument("--id", type=str, required=False, default=1, dest='handler_id') args = parser.parse_args() return vars(args) if __name__ == '__main__': args = cmdargs() # TODO: add command line options client = SSHPipeSocketHandler(**args) client.service_loop()
[ 1, 18787, 4855, 29914, 2109, 29914, 6272, 3017, 29941, 13, 12008, 13, 20399, 373, 4756, 29871, 29896, 29947, 29892, 29871, 29906, 29900, 29896, 29955, 13, 13, 29992, 8921, 29901, 564, 5464, 13, 12008, 13, 13, 3166, 13927, 17760, 1053, 5886, 3954, 15705, 4598, 13, 5215, 12183, 13, 3166, 12183, 29889, 3179, 9306, 1053, 29141, 4598, 13, 5215, 5839, 280, 13, 5215, 2281, 13, 13, 29885, 21707, 353, 12183, 29889, 657, 16363, 22168, 1445, 1649, 29897, 13, 13, 13, 1990, 5886, 3954, 15705, 11373, 4598, 29898, 1799, 3954, 15705, 4598, 29892, 29141, 4598, 1125, 13, 1678, 14550, 5886, 3954, 15705, 11373, 4598, 4464, 839, 975, 12183, 29889, 3179, 9306, 29889, 11373, 4598, 13, 1678, 14550, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 2011, 29892, 3495, 2433, 29896, 29955, 29906, 29889, 29896, 29953, 29889, 29945, 29947, 29889, 29941, 742, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 5886, 3954, 15705, 4598, 17255, 2344, 12035, 1311, 29892, 334, 5085, 29892, 3579, 19290, 29897, 13, 4706, 29141, 4598, 17255, 2344, 12035, 1311, 29892, 3495, 29892, 2011, 29897, 13, 13, 4706, 565, 2011, 338, 6213, 29901, 13, 9651, 1583, 29889, 7328, 353, 3495, 13, 4706, 1683, 29901, 13, 9651, 1583, 29889, 7328, 353, 313, 3069, 29892, 2011, 29897, 13, 4706, 1583, 29889, 29885, 21707, 29889, 8382, 703, 6004, 9909, 3211, 29901, 6571, 1213, 29889, 4830, 29898, 1311, 29889, 7328, 876, 13, 13, 1678, 822, 1207, 29925, 860, 280, 29898, 1311, 29892, 2407, 1125, 13, 4706, 9995, 13, 4706, 23868, 793, 278, 2407, 297, 7581, 3402, 411, 263, 3309, 10944, 29892, 322, 13, 4706, 3639, 372, 7960, 363, 22713, 4822, 278, 9909, 29889, 13, 4706, 9995, 13, 4706, 565, 338, 8758, 29898, 11651, 29892, 851, 1125, 13, 9651, 269, 353, 5839, 280, 29889, 29881, 17204, 29898, 11651, 29897, 13, 4706, 1683, 29901, 29871, 396, 1203, 13, 9651, 270, 353, 9657, 29898, 11651, 17255, 8977, 1649, 29897, 13, 9651, 269, 353, 5839, 280, 29889, 29881, 17204, 29898, 29881, 29892, 29871, 29896, 29897, 13, 4706, 2243, 264, 353, 2281, 29889, 4058, 703, 29958, 29931, 613, 7431, 29898, 29879, 876, 13, 4706, 736, 2243, 264, 718, 269, 13, 13, 1678, 822, 472, 2962, 29898, 1311, 29892, 2414, 6402, 1125, 13, 4706, 396, 934, 353, 29850, 1157, 29913, 1642, 4830, 22168, 1445, 1649, 29892, 11393, 16674, 29889, 1188, 1159, 13, 4706, 396, 1583, 29889, 29885, 21707, 29889, 8382, 703, 6585, 292, 934, 29901, 6571, 1213, 29889, 4830, 29898, 1445, 876, 13, 4706, 396, 1583, 29889, 1445, 353, 1722, 29898, 1445, 29892, 525, 29893, 1495, 13, 13, 4706, 396, 1246, 1653, 9909, 304, 5557, 372, 1641, 2000, 472, 937, 4386, 29889, 13, 4706, 1583, 29889, 3258, 11373, 580, 13, 13, 1678, 822, 263, 4776, 277, 29898, 1311, 29892, 4520, 1125, 13, 4706, 396, 565, 1583, 29889, 1445, 338, 451, 6213, 29901, 13, 4706, 396, 268, 1583, 29889, 1445, 29889, 5358, 580, 13, 4706, 5886, 3954, 15705, 4598, 29889, 403, 29916, 277, 29898, 1311, 29892, 4520, 29897, 13, 4706, 29141, 4598, 29889, 5358, 29898, 1311, 29897, 13, 4706, 1583, 29889, 29885, 21707, 29889, 8382, 703, 6821, 2662, 25795, 23157, 13, 13, 1678, 822, 4386, 29898, 1311, 29892, 4520, 1125, 13, 4706, 9995, 13, 4706, 15076, 263, 5839, 839, 1347, 304, 278, 9909, 29889, 13, 13, 4706, 910, 740, 6511, 363, 7687, 16003, 607, 508, 3799, 746, 278, 13, 4706, 3564, 338, 19587, 29889, 13, 4706, 9995, 13, 4706, 396, 1583, 29889, 1445, 29889, 3539, 29898, 710, 29898, 13556, 2347, 876, 13, 4706, 1583, 29889, 21976, 29898, 13556, 2347, 29897, 13, 4706, 1583, 29889, 29885, 21707, 29889, 8382, 703, 6026, 4430, 2407, 304, 9909, 29901, 6571, 1213, 29889, 4830, 29898, 13556, 2347, 876, 13, 13, 13, 1753, 9920, 5085, 7295, 13, 1678, 1053, 1852, 5510, 13, 1678, 13812, 353, 1852, 5510, 29889, 15730, 11726, 580, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 489, 3069, 742, 1134, 29922, 710, 29892, 2322, 2433, 29896, 29906, 29955, 29889, 29900, 29889, 29900, 29889, 29896, 742, 3734, 29922, 8824, 29892, 1371, 2433, 1495, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 489, 637, 742, 1134, 29922, 524, 29892, 3734, 29922, 8824, 29892, 1371, 2433, 1495, 13, 1678, 13812, 29889, 1202, 29918, 23516, 703, 489, 333, 613, 1134, 29922, 710, 29892, 3734, 29922, 8824, 29892, 2322, 29922, 29896, 29892, 2731, 2433, 13789, 29918, 333, 1495, 13, 1678, 6389, 353, 13812, 29889, 5510, 29918, 5085, 580, 13, 1678, 736, 24987, 29898, 5085, 29897, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 6389, 353, 9920, 5085, 580, 13, 13, 1678, 396, 14402, 29901, 788, 1899, 1196, 3987, 13, 13, 1678, 3132, 353, 5886, 3954, 15705, 11373, 4598, 29898, 1068, 5085, 29897, 13, 1678, 3132, 29889, 5509, 29918, 7888, 580, 13, 2 ]
app/schemas/card_serealize.py
Suspir0n/Care-API
1
90834
from ..settings.config import ma class CardSchema(ma.Schema): class Meta: fields = ('uid', 'active', 'deleted', 'createAt', 'updateAt', 'num_card', 'name', 'date_valid', 'cod_security') card_schema = CardSchema() cards_schema = CardSchema(many=True)
[ 1, 515, 6317, 11027, 29889, 2917, 1053, 611, 13, 13, 13, 1990, 9160, 12763, 29898, 655, 29889, 12763, 1125, 13, 1678, 770, 20553, 29901, 13, 4706, 4235, 353, 6702, 5416, 742, 525, 4925, 742, 525, 311, 22742, 742, 525, 3258, 4178, 742, 525, 5504, 4178, 742, 525, 1949, 29918, 7543, 742, 525, 978, 742, 525, 1256, 29918, 3084, 742, 525, 19284, 29918, 8926, 1495, 13, 13, 7543, 29918, 11010, 353, 9160, 12763, 580, 13, 28160, 29918, 11010, 353, 9160, 12763, 29898, 13011, 29922, 5574, 29897, 2 ]
asq/test/test_to_set.py
sixty-north/asq
175
89007
import unittest from asq.queryables import Queryable __author__ = "<NAME>" class TestToSet(unittest.TestCase): def test_to_set(self): a = [1, 2, 4, 8, 16, 32] b = Queryable(a).to_set() c = set([1, 2, 4, 8, 16, 32]) self.assertEqual(b, c) def test_to_set_closed(self): a = [1, 2, 4, 8, 16, 32] b = Queryable(a) b.close() self.assertRaises(ValueError, lambda: b.to_set()) def test_to_set_duplicates(self): a = [1, 2, 4, 8, 8, 16, 32] b = Queryable(a) self.assertRaises(ValueError, lambda: b.to_set())
[ 1, 1053, 443, 27958, 13, 3166, 408, 29939, 29889, 1972, 1849, 1053, 13641, 519, 13, 13, 1649, 8921, 1649, 353, 9872, 5813, 11903, 13, 13, 1990, 4321, 1762, 2697, 29898, 348, 27958, 29889, 3057, 8259, 1125, 13, 13, 1678, 822, 1243, 29918, 517, 29918, 842, 29898, 1311, 1125, 13, 4706, 263, 353, 518, 29896, 29892, 29871, 29906, 29892, 29871, 29946, 29892, 29871, 29947, 29892, 29871, 29896, 29953, 29892, 29871, 29941, 29906, 29962, 13, 4706, 289, 353, 13641, 519, 29898, 29874, 467, 517, 29918, 842, 580, 13, 4706, 274, 353, 731, 4197, 29896, 29892, 29871, 29906, 29892, 29871, 29946, 29892, 29871, 29947, 29892, 29871, 29896, 29953, 29892, 29871, 29941, 29906, 2314, 13, 4706, 1583, 29889, 9294, 9843, 29898, 29890, 29892, 274, 29897, 13, 13, 1678, 822, 1243, 29918, 517, 29918, 842, 29918, 15603, 29898, 1311, 1125, 13, 4706, 263, 353, 518, 29896, 29892, 29871, 29906, 29892, 29871, 29946, 29892, 29871, 29947, 29892, 29871, 29896, 29953, 29892, 29871, 29941, 29906, 29962, 13, 4706, 289, 353, 13641, 519, 29898, 29874, 29897, 13, 4706, 289, 29889, 5358, 580, 13, 4706, 1583, 29889, 9294, 29934, 1759, 267, 29898, 1917, 2392, 29892, 14013, 29901, 289, 29889, 517, 29918, 842, 3101, 13, 13, 1678, 822, 1243, 29918, 517, 29918, 842, 29918, 20908, 15815, 29898, 1311, 1125, 13, 4706, 263, 353, 518, 29896, 29892, 29871, 29906, 29892, 29871, 29946, 29892, 29871, 29947, 29892, 29871, 29947, 29892, 29871, 29896, 29953, 29892, 29871, 29941, 29906, 29962, 13, 4706, 289, 353, 13641, 519, 29898, 29874, 29897, 13, 4706, 1583, 29889, 9294, 29934, 1759, 267, 29898, 1917, 2392, 29892, 14013, 29901, 289, 29889, 517, 29918, 842, 3101, 13, 2 ]
axonius_api_client/cli/grp_system/__init__.py
rwils83/axonius_api_client
0
165934
# -*- coding: utf-8 -*- """Command line interface for Axonius API Client.""" import click from ..context import AliasedGroup from . import ( grp_central_core, grp_discover, grp_meta, grp_nodes, grp_roles, grp_settings, grp_users, ) @click.group(cls=AliasedGroup) def system(): """Group: System control commands.""" system.add_command(grp_meta.meta) system.add_command(grp_nodes.instances) system.add_command(grp_central_core.central_core) system.add_command(grp_roles.roles) system.add_command(grp_settings.settings_lifecycle) system.add_command(grp_settings.settings_gui) system.add_command(grp_settings.settings_core) system.add_command(grp_users.users) system.add_command(grp_discover.discover)
[ 1, 396, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 15945, 29908, 6255, 1196, 5067, 363, 22523, 265, 2482, 3450, 12477, 1213, 15945, 13, 5215, 2828, 13, 13, 3166, 6317, 4703, 1053, 10785, 1463, 4782, 13, 3166, 869, 1053, 313, 13, 1678, 867, 29886, 29918, 25171, 29918, 3221, 29892, 13, 1678, 867, 29886, 29918, 2218, 11911, 29892, 13, 1678, 867, 29886, 29918, 7299, 29892, 13, 1678, 867, 29886, 29918, 18010, 29892, 13, 1678, 867, 29886, 29918, 307, 793, 29892, 13, 1678, 867, 29886, 29918, 11027, 29892, 13, 1678, 867, 29886, 29918, 7193, 29892, 13, 29897, 13, 13, 13, 29992, 3808, 29889, 2972, 29898, 25932, 29922, 29909, 492, 1463, 4782, 29897, 13, 1753, 1788, 7295, 13, 1678, 9995, 4782, 29901, 2184, 2761, 8260, 1213, 15945, 13, 13, 13, 5205, 29889, 1202, 29918, 6519, 29898, 629, 29886, 29918, 7299, 29889, 7299, 29897, 13, 5205, 29889, 1202, 29918, 6519, 29898, 629, 29886, 29918, 18010, 29889, 2611, 2925, 29897, 13, 5205, 29889, 1202, 29918, 6519, 29898, 629, 29886, 29918, 25171, 29918, 3221, 29889, 25171, 29918, 3221, 29897, 13, 5205, 29889, 1202, 29918, 6519, 29898, 629, 29886, 29918, 307, 793, 29889, 307, 793, 29897, 13, 5205, 29889, 1202, 29918, 6519, 29898, 629, 29886, 29918, 11027, 29889, 11027, 29918, 29880, 22532, 29897, 13, 5205, 29889, 1202, 29918, 6519, 29898, 629, 29886, 29918, 11027, 29889, 11027, 29918, 23569, 29897, 13, 5205, 29889, 1202, 29918, 6519, 29898, 629, 29886, 29918, 11027, 29889, 11027, 29918, 3221, 29897, 13, 5205, 29889, 1202, 29918, 6519, 29898, 629, 29886, 29918, 7193, 29889, 7193, 29897, 13, 5205, 29889, 1202, 29918, 6519, 29898, 629, 29886, 29918, 2218, 11911, 29889, 2218, 11911, 29897, 13, 2 ]
examples/widget_demo.py
PBLab/magicgui
0
137704
"""Widget demonstration of magicgui.""" import datetime from enum import Enum from pathlib import Path from magicgui import magicgui class Medium(Enum): """Enum for various media and their refractive indices.""" Glass = 1.520 Oil = 1.515 Water = 1.333 Air = 1.0003 @magicgui( main_window=True, call_button="Calculate", layout="vertical", result_widget=True, slider_float={"widget_type": "FloatSlider", "max": 100}, slider_int={"widget_type": "Slider", "readout": False}, radio_option={ "widget_type": "RadioButtons", "orientation": "horizontal", "choices": [("first option", 1), ("second option", 2)], }, filename={"label": "Pick a file:"}, ) def widget_demo( boolean=True, integer=1, spin_float=3.14159, slider_float=43.5, slider_int=550, string="Text goes here", dropdown=Medium.Glass, radio_option=2, date=datetime.date(1999, 12, 31), time=datetime.time(1, 30, 20), datetime=datetime.datetime.now(), filename=Path.home(), ): """We can use numpy docstrings to provide tooltips. Parameters ---------- boolean : bool, optional A checkbox for booleans, by default True integer : int, optional Some integer, by default 1 spin_float : float, optional This one is a float, by default "pi" slider_float : float, optional Hey look! I'm a slider, by default 43.5 slider_int : float, optional I only take integers, and I've hidden my readout, by default 550 string : str, optional We'll use this string carefully, by default "Text goes here" dropdown : Enum, optional Pick a medium, by default Medium.Glass radio_option : int A set of radio buttons. date : datetime.date, optional Your birthday, by default datetime.date(1999, 12, 31) time : datetime.time, optional Some time, by default datetime.time(1, 30, 20) datetime : datetime.datetime, optional A very specific time and date, by default ``datetime.datetime.now()`` filename : str, optional Pick a path, by default Path.home() """ return locals().values() widget_demo.changed.connect(lambda event: print(widget_demo)) widget_demo.show(run=True)
[ 1, 9995, 8801, 9004, 362, 310, 15709, 23569, 1213, 15945, 13, 13, 5215, 12865, 13, 3166, 14115, 1053, 1174, 398, 13, 3166, 2224, 1982, 1053, 10802, 13, 13, 3166, 15709, 23569, 1053, 15709, 23569, 13, 13, 13, 1990, 3436, 1974, 29898, 16854, 1125, 13, 1678, 9995, 16854, 363, 5164, 5745, 322, 1009, 2143, 1461, 573, 16285, 1213, 15945, 13, 13, 1678, 402, 605, 353, 29871, 29896, 29889, 29945, 29906, 29900, 13, 1678, 438, 309, 353, 29871, 29896, 29889, 29945, 29896, 29945, 13, 1678, 13062, 353, 29871, 29896, 29889, 29941, 29941, 29941, 13, 1678, 5593, 353, 29871, 29896, 29889, 29900, 29900, 29900, 29941, 13, 13, 13, 29992, 11082, 293, 23569, 29898, 13, 1678, 1667, 29918, 7165, 29922, 5574, 29892, 13, 1678, 1246, 29918, 3092, 543, 27065, 403, 613, 13, 1678, 5912, 543, 18575, 613, 13, 1678, 1121, 29918, 8030, 29922, 5574, 29892, 13, 1678, 23889, 29918, 7411, 3790, 29908, 8030, 29918, 1853, 1115, 376, 11031, 16973, 1241, 613, 376, 3317, 1115, 29871, 29896, 29900, 29900, 1118, 13, 1678, 23889, 29918, 524, 3790, 29908, 8030, 29918, 1853, 1115, 376, 16973, 1241, 613, 376, 949, 449, 1115, 7700, 1118, 13, 1678, 7155, 29918, 3385, 3790, 13, 4706, 376, 8030, 29918, 1853, 1115, 376, 21818, 29819, 787, 613, 13, 4706, 376, 20659, 1115, 376, 22672, 613, 13, 4706, 376, 1859, 1575, 1115, 518, 703, 4102, 2984, 613, 29871, 29896, 511, 4852, 7496, 2984, 613, 29871, 29906, 29897, 1402, 13, 1678, 2981, 13, 1678, 10422, 3790, 29908, 1643, 1115, 376, 29925, 860, 263, 934, 6160, 1118, 13, 29897, 13, 1753, 11109, 29918, 17482, 29898, 13, 1678, 7223, 29922, 5574, 29892, 13, 1678, 6043, 29922, 29896, 29892, 13, 1678, 10917, 29918, 7411, 29922, 29941, 29889, 29896, 29946, 29896, 29945, 29929, 29892, 13, 1678, 23889, 29918, 7411, 29922, 29946, 29941, 29889, 29945, 29892, 13, 1678, 23889, 29918, 524, 29922, 29945, 29945, 29900, 29892, 13, 1678, 1347, 543, 1626, 5771, 1244, 613, 13, 1678, 14687, 29922, 19302, 1974, 29889, 29954, 605, 29892, 13, 1678, 7155, 29918, 3385, 29922, 29906, 29892, 13, 1678, 2635, 29922, 12673, 29889, 1256, 29898, 29896, 29929, 29929, 29929, 29892, 29871, 29896, 29906, 29892, 29871, 29941, 29896, 511, 13, 1678, 931, 29922, 12673, 29889, 2230, 29898, 29896, 29892, 29871, 29941, 29900, 29892, 29871, 29906, 29900, 511, 13, 1678, 12865, 29922, 12673, 29889, 12673, 29889, 3707, 3285, 13, 1678, 10422, 29922, 2605, 29889, 5184, 3285, 13, 1125, 13, 1678, 9995, 4806, 508, 671, 12655, 1574, 19651, 304, 3867, 5780, 2034, 567, 29889, 13, 13, 1678, 12662, 2699, 13, 1678, 448, 1378, 29899, 13, 1678, 7223, 584, 6120, 29892, 13136, 13, 4706, 319, 12527, 363, 1045, 1772, 550, 29892, 491, 2322, 5852, 13, 1678, 6043, 584, 938, 29892, 13136, 13, 4706, 3834, 6043, 29892, 491, 2322, 29871, 29896, 13, 1678, 10917, 29918, 7411, 584, 5785, 29892, 13136, 13, 4706, 910, 697, 338, 263, 5785, 29892, 491, 2322, 376, 1631, 29908, 13, 1678, 23889, 29918, 7411, 584, 5785, 29892, 13136, 13, 4706, 18637, 1106, 29991, 306, 29915, 29885, 263, 23889, 29892, 491, 2322, 29871, 29946, 29941, 29889, 29945, 13, 1678, 23889, 29918, 524, 584, 5785, 29892, 13136, 13, 4706, 306, 871, 2125, 11920, 29892, 322, 306, 29915, 345, 7934, 590, 1303, 449, 29892, 491, 2322, 29871, 29945, 29945, 29900, 13, 1678, 1347, 584, 851, 29892, 13136, 13, 4706, 1334, 29915, 645, 671, 445, 1347, 16112, 29892, 491, 2322, 376, 1626, 5771, 1244, 29908, 13, 1678, 14687, 584, 1174, 398, 29892, 13136, 13, 4706, 23868, 263, 18350, 29892, 491, 2322, 3436, 1974, 29889, 29954, 605, 13, 1678, 7155, 29918, 3385, 584, 938, 13, 4706, 319, 731, 310, 7155, 9828, 29889, 13, 1678, 2635, 584, 12865, 29889, 1256, 29892, 13136, 13, 4706, 3575, 12060, 3250, 29892, 491, 2322, 12865, 29889, 1256, 29898, 29896, 29929, 29929, 29929, 29892, 29871, 29896, 29906, 29892, 29871, 29941, 29896, 29897, 13, 1678, 931, 584, 12865, 29889, 2230, 29892, 13136, 13, 4706, 3834, 931, 29892, 491, 2322, 12865, 29889, 2230, 29898, 29896, 29892, 29871, 29941, 29900, 29892, 29871, 29906, 29900, 29897, 13, 1678, 12865, 584, 12865, 29889, 12673, 29892, 13136, 13, 4706, 319, 1407, 2702, 931, 322, 2635, 29892, 491, 2322, 4954, 12673, 29889, 12673, 29889, 3707, 2555, 29952, 13, 1678, 10422, 584, 851, 29892, 13136, 13, 4706, 23868, 263, 2224, 29892, 491, 2322, 10802, 29889, 5184, 580, 13, 1678, 9995, 13, 1678, 736, 1180, 1338, 2141, 5975, 580, 13, 13, 13, 8030, 29918, 17482, 29889, 15033, 29889, 6915, 29898, 2892, 1741, 29901, 1596, 29898, 8030, 29918, 17482, 876, 13, 8030, 29918, 17482, 29889, 4294, 29898, 3389, 29922, 5574, 29897, 13, 2 ]
python/lib/path/dijkstra_dense.py
KATO-Hiro/atcoder-1
0
1600733
"""<https://en.wikipedia.org/wiki/Dijkstra%27s_algorithm>""" import sys import numba as nb import numpy as np input = sys.stdin.readline # Dijkstra algorithm without priority queue (this is slow for sparse graphs) @nb.njit("i8[:](i8,i8[:,:],i8,i8)", cache=True) def dijkstra(V, G, s, INF): # Shortest path from vertex s dist = np.full(shape=V, fill_value=INF, dtype=np.int64) dist[s] = 0 unvisited = [True] * V while len(unvisited) != 0: min_dist = INF u = -1 for v in range(V): if unvisited[v] and dist[v] < min_dist: min_dist = dist[v] u = v # when planning a complete traversal; occurs when there is no connection # between the initial node and remaining unvisited nodes if min_dist == INF: break unvisited[u] = False for v in range(V): if unvisited[v] and G[u][v] != INF: alt = dist[u] + G[u][v] if alt < dist[v]: dist[v] = alt return dist def main(): N = int(input()) INF = 1 << 30 G = np.full(shape=(N, N), fill_value=INF, dtype=np.int64) for _ in range(N): u, k, *vc = map(int, input().split()) for i in range(k): v = vc[2 * i] c = vc[2 * i + 1] G[u][v] = c for s in range(N): print(s, dijkstra(N, G, s, INF)) if __name__ == "__main__": main() """ <https://onlinejudge.u-aizu.ac.jp/courses/lesson/1/ALDS1/12/ALDS1_12_B> Example for input 5 0 3 2 3 3 1 1 2 1 2 0 2 3 4 2 3 0 3 3 1 4 1 3 4 2 1 0 1 1 4 4 3 4 2 2 1 3 3 0 [0 2 2 1 3] 1 [2 0 4 3 5] 2 [2 4 0 1 1] 3 [1 3 1 0 2] 4 [3 5 1 2 0] """
[ 1, 9995, 29966, 991, 597, 264, 29889, 6011, 29889, 990, 29914, 4594, 29914, 29928, 13535, 4151, 29995, 29906, 29955, 29879, 29918, 20567, 11903, 15945, 13, 5215, 10876, 13, 13, 5215, 954, 2291, 408, 302, 29890, 13, 5215, 12655, 408, 7442, 13, 13, 2080, 353, 10876, 29889, 4172, 262, 29889, 949, 1220, 13, 13, 13, 29937, 360, 13535, 4151, 5687, 1728, 20136, 9521, 313, 1366, 338, 5232, 363, 29234, 18445, 29897, 13, 29992, 9877, 29889, 29876, 29926, 277, 703, 29875, 29947, 7503, 850, 29875, 29947, 29892, 29875, 29947, 7503, 29892, 29901, 1402, 29875, 29947, 29892, 29875, 29947, 19123, 7090, 29922, 5574, 29897, 13, 1753, 652, 25467, 4151, 29898, 29963, 29892, 402, 29892, 269, 29892, 2672, 29943, 1125, 13, 1678, 396, 13899, 342, 2224, 515, 12688, 269, 13, 1678, 1320, 353, 7442, 29889, 8159, 29898, 12181, 29922, 29963, 29892, 5445, 29918, 1767, 29922, 24065, 29892, 26688, 29922, 9302, 29889, 524, 29953, 29946, 29897, 13, 1678, 1320, 29961, 29879, 29962, 353, 29871, 29900, 13, 13, 1678, 443, 1730, 1573, 353, 518, 5574, 29962, 334, 478, 13, 13, 1678, 1550, 7431, 29898, 348, 1730, 1573, 29897, 2804, 29871, 29900, 29901, 13, 4706, 1375, 29918, 5721, 353, 2672, 29943, 13, 4706, 318, 353, 448, 29896, 13, 4706, 363, 325, 297, 3464, 29898, 29963, 1125, 13, 9651, 565, 443, 1730, 1573, 29961, 29894, 29962, 322, 1320, 29961, 29894, 29962, 529, 1375, 29918, 5721, 29901, 13, 18884, 1375, 29918, 5721, 353, 1320, 29961, 29894, 29962, 13, 18884, 318, 353, 325, 13, 13, 4706, 396, 746, 18987, 263, 4866, 13310, 284, 29936, 10008, 746, 727, 338, 694, 3957, 13, 4706, 396, 1546, 278, 2847, 2943, 322, 9886, 443, 1730, 1573, 7573, 13, 4706, 565, 1375, 29918, 5721, 1275, 2672, 29943, 29901, 13, 9651, 2867, 13, 13, 4706, 443, 1730, 1573, 29961, 29884, 29962, 353, 7700, 13, 13, 4706, 363, 325, 297, 3464, 29898, 29963, 1125, 13, 9651, 565, 443, 1730, 1573, 29961, 29894, 29962, 322, 402, 29961, 29884, 3816, 29894, 29962, 2804, 2672, 29943, 29901, 13, 18884, 5272, 353, 1320, 29961, 29884, 29962, 718, 402, 29961, 29884, 3816, 29894, 29962, 13, 18884, 565, 5272, 529, 1320, 29961, 29894, 5387, 13, 462, 1678, 1320, 29961, 29894, 29962, 353, 5272, 13, 13, 1678, 736, 1320, 13, 13, 13, 1753, 1667, 7295, 13, 1678, 405, 353, 938, 29898, 2080, 3101, 13, 1678, 2672, 29943, 353, 29871, 29896, 3532, 29871, 29941, 29900, 13, 1678, 402, 353, 7442, 29889, 8159, 29898, 12181, 7607, 29940, 29892, 405, 511, 5445, 29918, 1767, 29922, 24065, 29892, 26688, 29922, 9302, 29889, 524, 29953, 29946, 29897, 13, 1678, 363, 903, 297, 3464, 29898, 29940, 1125, 13, 4706, 318, 29892, 413, 29892, 334, 7071, 353, 2910, 29898, 524, 29892, 1881, 2141, 5451, 3101, 13, 4706, 363, 474, 297, 3464, 29898, 29895, 1125, 13, 9651, 325, 353, 325, 29883, 29961, 29906, 334, 474, 29962, 13, 9651, 274, 353, 325, 29883, 29961, 29906, 334, 474, 718, 29871, 29896, 29962, 13, 9651, 402, 29961, 29884, 3816, 29894, 29962, 353, 274, 13, 13, 1678, 363, 269, 297, 3464, 29898, 29940, 1125, 13, 4706, 1596, 29898, 29879, 29892, 652, 25467, 4151, 29898, 29940, 29892, 402, 29892, 269, 29892, 2672, 29943, 876, 13, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 1678, 1667, 580, 13, 13, 15945, 29908, 13, 29966, 991, 597, 14627, 17675, 479, 29889, 29884, 29899, 29874, 466, 29884, 29889, 562, 29889, 16865, 29914, 29883, 29781, 29914, 2222, 265, 29914, 29896, 29914, 1964, 8452, 29896, 29914, 29896, 29906, 29914, 1964, 8452, 29896, 29918, 29896, 29906, 29918, 29933, 29958, 13, 13, 14023, 363, 1881, 13, 29945, 13, 29900, 29871, 29941, 29871, 29906, 29871, 29941, 29871, 29941, 29871, 29896, 29871, 29896, 29871, 29906, 13, 29896, 29871, 29906, 29871, 29900, 29871, 29906, 29871, 29941, 29871, 29946, 13, 29906, 29871, 29941, 29871, 29900, 29871, 29941, 29871, 29941, 29871, 29896, 29871, 29946, 29871, 29896, 13, 29941, 29871, 29946, 29871, 29906, 29871, 29896, 29871, 29900, 29871, 29896, 29871, 29896, 29871, 29946, 29871, 29946, 29871, 29941, 13, 29946, 29871, 29906, 29871, 29906, 29871, 29896, 29871, 29941, 29871, 29941, 13, 13, 29900, 518, 29900, 29871, 29906, 29871, 29906, 29871, 29896, 29871, 29941, 29962, 13, 29896, 518, 29906, 29871, 29900, 29871, 29946, 29871, 29941, 29871, 29945, 29962, 13, 29906, 518, 29906, 29871, 29946, 29871, 29900, 29871, 29896, 29871, 29896, 29962, 13, 29941, 518, 29896, 29871, 29941, 29871, 29896, 29871, 29900, 29871, 29906, 29962, 13, 29946, 518, 29941, 29871, 29945, 29871, 29896, 29871, 29906, 29871, 29900, 29962, 13, 15945, 29908, 13, 2 ]
exercicios/Lista1/Q27.py
AlexandrePeBrito/CursoUdemyPython
0
1601996
<gh_stars>0 #Leia um valor de area em hectares e apresente-o convertido em metros quadrados. #a formula de conversao eh: M=H*10000 #sendo M a area em metros quadrado e H area em hectaries h=float(input("Informe a area em hectares: ")) m=h*10000 print(f"A area convertida em metros quadrados eh {round(m,2)}")
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 29937, 3226, 423, 1922, 16497, 316, 4038, 953, 28834, 5114, 321, 24677, 29872, 29899, 29877, 3588, 1941, 953, 24086, 15448, 2255, 29889, 13, 29937, 29874, 7063, 316, 9678, 6241, 321, 29882, 29901, 341, 29922, 29950, 29930, 29896, 29900, 29900, 29900, 29900, 13, 29937, 29879, 2765, 341, 263, 4038, 953, 24086, 15448, 912, 321, 379, 4038, 953, 28834, 4314, 13, 13, 29882, 29922, 7411, 29898, 2080, 703, 797, 689, 29872, 263, 4038, 953, 28834, 5114, 29901, 376, 876, 13, 13, 29885, 29922, 29882, 29930, 29896, 29900, 29900, 29900, 29900, 13, 13, 2158, 29898, 29888, 29908, 29909, 4038, 3588, 1458, 953, 24086, 15448, 2255, 321, 29882, 426, 14486, 29898, 29885, 29892, 29906, 2915, 1159, 2 ]
lyrics_crawler_single/lyric_spider.py
Tauranis/lyrics-crawler
0
86147
<gh_stars>0 import scrapy import logging logging.basicConfig() logger = logging.getLogger(__name__) logger.setLevel(logging.INFO) try: from lyrics_crawler_single.constants import ( OUTPUT_FILE, ) except: from constants import OUTPUT_FILE class LyricsSpider(scrapy.Spider): name = "lyrics" start_urls = open(OUTPUT_FILE).readlines() def parse(self, response): for lyric in response.css("article"): lyric_title = lyric.css("h1::text").get() lyric_author = lyric.css("span::text").get() # logger.info(f"lyric_title {lyric_title}") # logger.info(f"lyric_author {lyric_author}") lyric_text = "" for paragraph in lyric.css("p::text"): lyric_text += " " + paragraph.get().replace("<br>", " ") yield {"author": lyric_author, "title": lyric_title, "text": lyric_text}
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 5215, 24559, 2272, 13, 13, 5215, 12183, 13, 13, 21027, 29889, 16121, 3991, 580, 13, 21707, 353, 12183, 29889, 657, 16363, 22168, 978, 1649, 29897, 13, 21707, 29889, 842, 10108, 29898, 21027, 29889, 11690, 29897, 13, 13, 2202, 29901, 13, 1678, 515, 26627, 1199, 29918, 29883, 1610, 1358, 29918, 14369, 29889, 3075, 1934, 1053, 313, 13, 4706, 19474, 12336, 29918, 7724, 29892, 13, 1678, 1723, 13, 19499, 29901, 13, 1678, 515, 17727, 1053, 19474, 12336, 29918, 7724, 13, 13, 13, 1990, 365, 4316, 1199, 5592, 1241, 29898, 1557, 336, 2272, 29889, 5592, 1241, 1125, 13, 1678, 1024, 353, 376, 368, 10817, 29908, 13, 1678, 1369, 29918, 26045, 353, 1722, 29898, 12015, 12336, 29918, 7724, 467, 949, 9012, 580, 13, 13, 1678, 822, 6088, 29898, 1311, 29892, 2933, 1125, 13, 4706, 363, 21261, 2200, 297, 2933, 29889, 4268, 703, 7914, 29908, 1125, 13, 13, 9651, 21261, 2200, 29918, 3257, 353, 21261, 2200, 29889, 4268, 703, 29882, 29896, 1057, 726, 2564, 657, 580, 13, 9651, 21261, 2200, 29918, 8921, 353, 21261, 2200, 29889, 4268, 703, 9653, 1057, 726, 2564, 657, 580, 13, 9651, 396, 17927, 29889, 3888, 29898, 29888, 29908, 368, 2200, 29918, 3257, 426, 368, 2200, 29918, 3257, 27195, 13, 9651, 396, 17927, 29889, 3888, 29898, 29888, 29908, 368, 2200, 29918, 8921, 426, 368, 2200, 29918, 8921, 27195, 13, 13, 9651, 21261, 2200, 29918, 726, 353, 5124, 13, 13, 9651, 363, 14880, 297, 21261, 2200, 29889, 4268, 703, 29886, 1057, 726, 29908, 1125, 13, 18884, 21261, 2200, 29918, 726, 4619, 376, 376, 718, 14880, 29889, 657, 2141, 6506, 28945, 1182, 28341, 376, 16521, 13, 13, 9651, 7709, 8853, 8921, 1115, 21261, 2200, 29918, 8921, 29892, 376, 3257, 1115, 21261, 2200, 29918, 3257, 29892, 376, 726, 1115, 21261, 2200, 29918, 726, 29913, 13, 13, 2 ]
silx/gui/plot/actions/control.py
linupi/silx
2
1608287
<gh_stars>1-10 # coding: utf-8 # /*########################################################################## # # Copyright (c) 2004-2019 European Synchrotron Radiation Facility # # 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. # # ###########################################################################*/ """ :mod:`silx.gui.plot.actions.control` provides a set of QAction relative to control of a :class:`.PlotWidget`. The following QAction are available: - :class:`ColormapAction` - :class:`CrosshairAction` - :class:`CurveStyleAction` - :class:`GridAction` - :class:`KeepAspectRatioAction` - :class:`PanWithArrowKeysAction` - :class:`ResetZoomAction` - :class:`ShowAxisAction` - :class:`XAxisLogarithmicAction` - :class:`XAxisAutoScaleAction` - :class:`YAxisInvertedAction` - :class:`YAxisLogarithmicAction` - :class:`YAxisAutoScaleAction` - :class:`ZoomBackAction` - :class:`ZoomInAction` - :class:`ZoomOutAction` """ from __future__ import division __authors__ = ["<NAME>", "<NAME>", "<NAME>"] __license__ = "MIT" __date__ = "24/04/2018" from . import PlotAction import logging from silx.gui.plot import items from silx.gui.plot._utils import applyZoomToPlot as _applyZoomToPlot from silx.gui import qt from silx.gui import icons _logger = logging.getLogger(__name__) class ResetZoomAction(PlotAction): """QAction controlling reset zoom on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): super(ResetZoomAction, self).__init__( plot, icon='zoom-original', text='Reset Zoom', tooltip='Auto-scale the graph', triggered=self._actionTriggered, checkable=False, parent=parent) self._autoscaleChanged(True) plot.getXAxis().sigAutoScaleChanged.connect(self._autoscaleChanged) plot.getYAxis().sigAutoScaleChanged.connect(self._autoscaleChanged) def _autoscaleChanged(self, enabled): xAxis = self.plot.getXAxis() yAxis = self.plot.getYAxis() self.setEnabled(xAxis.isAutoScale() or yAxis.isAutoScale()) if xAxis.isAutoScale() and yAxis.isAutoScale(): tooltip = 'Auto-scale the graph' elif xAxis.isAutoScale(): # And not Y axis tooltip = 'Auto-scale the x-axis of the graph only' elif yAxis.isAutoScale(): # And not X axis tooltip = 'Auto-scale the y-axis of the graph only' else: # no axis in autoscale tooltip = 'Auto-scale the graph' self.setToolTip(tooltip) def _actionTriggered(self, checked=False): self.plot.resetZoom() class ZoomBackAction(PlotAction): """QAction performing a zoom-back in :class:`.PlotWidget` limits history. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): super(ZoomBackAction, self).__init__( plot, icon='zoom-back', text='Zoom Back', tooltip='Zoom back the plot', triggered=self._actionTriggered, checkable=False, parent=parent) self.setShortcutContext(qt.Qt.WidgetShortcut) def _actionTriggered(self, checked=False): self.plot.getLimitsHistory().pop() class ZoomInAction(PlotAction): """QAction performing a zoom-in on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): super(ZoomInAction, self).__init__( plot, icon='zoom-in', text='Zoom In', tooltip='Zoom in the plot', triggered=self._actionTriggered, checkable=False, parent=parent) self.setShortcut(qt.QKeySequence.ZoomIn) self.setShortcutContext(qt.Qt.WidgetShortcut) def _actionTriggered(self, checked=False): _applyZoomToPlot(self.plot, 1.1) class ZoomOutAction(PlotAction): """QAction performing a zoom-out on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): super(ZoomOutAction, self).__init__( plot, icon='zoom-out', text='Zoom Out', tooltip='Zoom out the plot', triggered=self._actionTriggered, checkable=False, parent=parent) self.setShortcut(qt.QKeySequence.ZoomOut) self.setShortcutContext(qt.Qt.WidgetShortcut) def _actionTriggered(self, checked=False): _applyZoomToPlot(self.plot, 1. / 1.1) class XAxisAutoScaleAction(PlotAction): """QAction controlling X axis autoscale on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): super(XAxisAutoScaleAction, self).__init__( plot, icon='plot-xauto', text='X Autoscale', tooltip='Enable x-axis auto-scale when checked.\n' 'If unchecked, x-axis does not change when reseting zoom.', triggered=self._actionTriggered, checkable=True, parent=parent) self.setChecked(plot.getXAxis().isAutoScale()) plot.getXAxis().sigAutoScaleChanged.connect(self.setChecked) def _actionTriggered(self, checked=False): self.plot.getXAxis().setAutoScale(checked) if checked: self.plot.resetZoom() class YAxisAutoScaleAction(PlotAction): """QAction controlling Y axis autoscale on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): super(YAxisAutoScaleAction, self).__init__( plot, icon='plot-yauto', text='Y Autoscale', tooltip='Enable y-axis auto-scale when checked.\n' 'If unchecked, y-axis does not change when reseting zoom.', triggered=self._actionTriggered, checkable=True, parent=parent) self.setChecked(plot.getYAxis().isAutoScale()) plot.getYAxis().sigAutoScaleChanged.connect(self.setChecked) def _actionTriggered(self, checked=False): self.plot.getYAxis().setAutoScale(checked) if checked: self.plot.resetZoom() class XAxisLogarithmicAction(PlotAction): """QAction controlling X axis log scale on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): super(XAxisLogarithmicAction, self).__init__( plot, icon='plot-xlog', text='X Log. scale', tooltip='Logarithmic x-axis when checked', triggered=self._actionTriggered, checkable=True, parent=parent) self.axis = plot.getXAxis() self.setChecked(self.axis.getScale() == self.axis.LOGARITHMIC) self.axis.sigScaleChanged.connect(self._setCheckedIfLogScale) def _setCheckedIfLogScale(self, scale): self.setChecked(scale == self.axis.LOGARITHMIC) def _actionTriggered(self, checked=False): scale = self.axis.LOGARITHMIC if checked else self.axis.LINEAR self.axis.setScale(scale) class YAxisLogarithmicAction(PlotAction): """QAction controlling Y axis log scale on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): super(YAxisLogarithmicAction, self).__init__( plot, icon='plot-ylog', text='Y Log. scale', tooltip='Logarithmic y-axis when checked', triggered=self._actionTriggered, checkable=True, parent=parent) self.axis = plot.getYAxis() self.setChecked(self.axis.getScale() == self.axis.LOGARITHMIC) self.axis.sigScaleChanged.connect(self._setCheckedIfLogScale) def _setCheckedIfLogScale(self, scale): self.setChecked(scale == self.axis.LOGARITHMIC) def _actionTriggered(self, checked=False): scale = self.axis.LOGARITHMIC if checked else self.axis.LINEAR self.axis.setScale(scale) class GridAction(PlotAction): """QAction controlling grid mode on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param str gridMode: The grid mode to use in 'both', 'major'. See :meth:`.PlotWidget.setGraphGrid` :param parent: See :class:`QAction` """ def __init__(self, plot, gridMode='both', parent=None): assert gridMode in ('both', 'major') self._gridMode = gridMode super(GridAction, self).__init__( plot, icon='plot-grid', text='Grid', tooltip='Toggle grid (on/off)', triggered=self._actionTriggered, checkable=True, parent=parent) self.setChecked(plot.getGraphGrid() is not None) plot.sigSetGraphGrid.connect(self._gridChanged) def _gridChanged(self, which): """Slot listening for PlotWidget grid mode change.""" self.setChecked(which != 'None') def _actionTriggered(self, checked=False): self.plot.setGraphGrid(self._gridMode if checked else None) class CurveStyleAction(PlotAction): """QAction controlling curve style on a :class:`.PlotWidget`. It changes the default line and markers style which updates all curves on the plot. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): super(CurveStyleAction, self).__init__( plot, icon='plot-toggle-points', text='Curve style', tooltip='Change curve line and markers style', triggered=self._actionTriggered, checkable=False, parent=parent) def _actionTriggered(self, checked=False): currentState = (self.plot.isDefaultPlotLines(), self.plot.isDefaultPlotPoints()) if currentState == (False, False): newState = True, False else: # line only, line and symbol, symbol only states = (True, False), (True, True), (False, True) newState = states[(states.index(currentState) + 1) % 3] self.plot.setDefaultPlotLines(newState[0]) self.plot.setDefaultPlotPoints(newState[1]) class ColormapAction(PlotAction): """QAction opening a ColormapDialog to update the colormap. Both the active image colormap and the default colormap are updated. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): self._dialog = None # To store an instance of ColormapDialog super(ColormapAction, self).__init__( plot, icon='colormap', text='Colormap', tooltip="Change colormap", triggered=self._actionTriggered, checkable=True, parent=parent) self.plot.sigActiveImageChanged.connect(self._updateColormap) self.plot.sigActiveScatterChanged.connect(self._updateColormap) def setColorDialog(self, colorDialog): """Set a specific color dialog instead of using the default dialog.""" assert(colorDialog is not None) assert(self._dialog is None) self._dialog = colorDialog self._dialog.visibleChanged.connect(self._dialogVisibleChanged) self.setChecked(self._dialog.isVisible()) @staticmethod def _createDialog(parent): """Create the dialog if not already existing :parent QWidget parent: Parent of the new colormap :rtype: ColormapDialog """ from silx.gui.dialog.ColormapDialog import ColormapDialog dialog = ColormapDialog(parent=parent) dialog.setModal(False) return dialog def _actionTriggered(self, checked=False): """Create a cmap dialog and update active image and default cmap.""" if self._dialog is None: self._dialog = self._createDialog(self.plot) self._dialog.visibleChanged.connect(self._dialogVisibleChanged) # Run the dialog listening to colormap change if checked is True: self._updateColormap() self._dialog.show() else: self._dialog.hide() def _dialogVisibleChanged(self, isVisible): self.setChecked(isVisible) def _updateColormap(self): if self._dialog is None: return image = self.plot.getActiveImage() if isinstance(image, items.ImageComplexData): # Specific init for complex images colormap = image.getColormap() mode = image.getComplexMode() if mode in (items.ImageComplexData.ComplexMode.AMPLITUDE_PHASE, items.ImageComplexData.ComplexMode.LOG10_AMPLITUDE_PHASE): data = image.getData( copy=False, mode=items.ImageComplexData.ComplexMode.PHASE) else: data = image.getData(copy=False) # Set histogram and range if any self._dialog.setData(data) elif isinstance(image, items.ColormapMixIn): # Set dialog from active image colormap = image.getColormap() # Set histogram and range if any self._dialog.setItem(image) else: # No active image or active image is RGBA, # Check for active scatter plot scatter = self.plot._getActiveItem(kind='scatter') if scatter is not None: colormap = scatter.getColormap() self._dialog.setItem(scatter) else: # No active data image nor scatter, # set dialog from default info colormap = self.plot.getDefaultColormap() # Reset histogram and range if any self._dialog.setData(None) self._dialog.setColormap(colormap) class ColorBarAction(PlotAction): """QAction opening the ColorBarWidget of the specified plot. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): self._dialog = None # To store an instance of ColorBar super(ColorBarAction, self).__init__( plot, icon='colorbar', text='Colorbar', tooltip="Show/Hide the colorbar", triggered=self._actionTriggered, checkable=True, parent=parent) colorBarWidget = self.plot.getColorBarWidget() old = self.blockSignals(True) self.setChecked(colorBarWidget.isVisibleTo(self.plot)) self.blockSignals(old) colorBarWidget.sigVisibleChanged.connect(self._widgetVisibleChanged) def _widgetVisibleChanged(self, isVisible): """Callback when the colorbar `visible` property change.""" if self.isChecked() == isVisible: return self.setChecked(isVisible) def _actionTriggered(self, checked=False): """Create a cmap dialog and update active image and default cmap.""" colorBarWidget = self.plot.getColorBarWidget() if not colorBarWidget.isHidden() == checked: return self.plot.getColorBarWidget().setVisible(checked) class KeepAspectRatioAction(PlotAction): """QAction controlling aspect ratio on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): # Uses two images for checked/unchecked states self._states = { False: (icons.getQIcon('shape-circle-solid'), "Keep data aspect ratio"), True: (icons.getQIcon('shape-ellipse-solid'), "Do no keep data aspect ratio") } icon, tooltip = self._states[plot.isKeepDataAspectRatio()] super(KeepAspectRatioAction, self).__init__( plot, icon=icon, text='Toggle keep aspect ratio', tooltip=tooltip, triggered=self._actionTriggered, checkable=False, parent=parent) plot.sigSetKeepDataAspectRatio.connect( self._keepDataAspectRatioChanged) def _keepDataAspectRatioChanged(self, aspectRatio): """Handle Plot set keep aspect ratio signal""" icon, tooltip = self._states[aspectRatio] self.setIcon(icon) self.setToolTip(tooltip) def _actionTriggered(self, checked=False): # This will trigger _keepDataAspectRatioChanged self.plot.setKeepDataAspectRatio(not self.plot.isKeepDataAspectRatio()) class YAxisInvertedAction(PlotAction): """QAction controlling Y orientation on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): # Uses two images for checked/unchecked states self._states = { False: (icons.getQIcon('plot-ydown'), "Orient Y axis downward"), True: (icons.getQIcon('plot-yup'), "Orient Y axis upward"), } icon, tooltip = self._states[plot.getYAxis().isInverted()] super(YAxisInvertedAction, self).__init__( plot, icon=icon, text='Invert Y Axis', tooltip=tooltip, triggered=self._actionTriggered, checkable=False, parent=parent) plot.getYAxis().sigInvertedChanged.connect(self._yAxisInvertedChanged) def _yAxisInvertedChanged(self, inverted): """Handle Plot set y axis inverted signal""" icon, tooltip = self._states[inverted] self.setIcon(icon) self.setToolTip(tooltip) def _actionTriggered(self, checked=False): # This will trigger _yAxisInvertedChanged yAxis = self.plot.getYAxis() yAxis.setInverted(not yAxis.isInverted()) class CrosshairAction(PlotAction): """QAction toggling crosshair cursor on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param str color: Color to use to draw the crosshair :param int linewidth: Width of the crosshair cursor :param str linestyle: Style of line. See :meth:`.Plot.setGraphCursor` :param parent: See :class:`QAction` """ def __init__(self, plot, color='black', linewidth=1, linestyle='-', parent=None): self.color = color """Color used to draw the crosshair (str).""" self.linewidth = linewidth """Width of the crosshair cursor (int).""" self.linestyle = linestyle """Style of line of the cursor (str).""" super(CrosshairAction, self).__init__( plot, icon='crosshair', text='Crosshair Cursor', tooltip='Enable crosshair cursor when checked', triggered=self._actionTriggered, checkable=True, parent=parent) self.setChecked(plot.getGraphCursor() is not None) plot.sigSetGraphCursor.connect(self.setChecked) def _actionTriggered(self, checked=False): self.plot.setGraphCursor(checked, color=self.color, linestyle=self.linestyle, linewidth=self.linewidth) class PanWithArrowKeysAction(PlotAction): """QAction toggling pan with arrow keys on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): super(PanWithArrowKeysAction, self).__init__( plot, icon='arrow-keys', text='Pan with arrow keys', tooltip='Enable pan with arrow keys when checked', triggered=self._actionTriggered, checkable=True, parent=parent) self.setChecked(plot.isPanWithArrowKeys()) plot.sigSetPanWithArrowKeys.connect(self.setChecked) def _actionTriggered(self, checked=False): self.plot.setPanWithArrowKeys(checked) class ShowAxisAction(PlotAction): """QAction controlling axis visibility on a :class:`.PlotWidget`. :param plot: :class:`.PlotWidget` instance on which to operate :param parent: See :class:`QAction` """ def __init__(self, plot, parent=None): tooltip = 'Show plot axis when checked, otherwise hide them' PlotAction.__init__(self, plot, icon='axis', text='show axis', tooltip=tooltip, triggered=self._actionTriggered, checkable=True, parent=parent) self.setChecked(self.plot._backend.isAxesDisplayed()) plot._sigAxesVisibilityChanged.connect(self.setChecked) def _actionTriggered(self, checked=False): self.plot.setAxesDisplayed(checked)
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 29937, 14137, 29901, 23616, 29899, 29947, 13, 29937, 4949, 13383, 13383, 13383, 13383, 7346, 2277, 13, 29937, 13, 29937, 14187, 1266, 313, 29883, 29897, 29871, 29906, 29900, 29900, 29946, 29899, 29906, 29900, 29896, 29929, 7824, 10829, 305, 307, 509, 265, 4957, 11685, 14184, 1793, 13, 29937, 13, 29937, 20894, 2333, 338, 1244, 1609, 16896, 29892, 3889, 310, 8323, 29892, 304, 738, 2022, 4017, 292, 263, 3509, 13, 29937, 310, 445, 7047, 322, 6942, 5106, 2066, 313, 1552, 376, 6295, 14093, 4968, 304, 5376, 13, 29937, 297, 278, 18540, 1728, 24345, 29892, 3704, 1728, 29485, 278, 10462, 13, 29937, 304, 671, 29892, 3509, 29892, 6623, 29892, 10366, 29892, 9805, 29892, 1320, 2666, 29892, 269, 803, 1947, 29892, 322, 29914, 272, 19417, 13, 29937, 14591, 310, 278, 18540, 29892, 322, 304, 14257, 12407, 304, 6029, 278, 18540, 338, 13, 29937, 15252, 3276, 304, 437, 577, 29892, 4967, 304, 278, 1494, 5855, 29901, 13, 29937, 13, 29937, 450, 2038, 3509, 1266, 8369, 322, 445, 10751, 8369, 4091, 367, 5134, 297, 13, 29937, 599, 14591, 470, 23228, 2011, 1080, 310, 278, 18540, 29889, 13, 29937, 13, 29937, 6093, 7791, 7818, 12982, 1525, 8519, 13756, 13044, 3352, 376, 3289, 8519, 613, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29979, 8079, 13764, 29979, 476, 22255, 29892, 8528, 15094, 1799, 6323, 13, 29937, 306, 3580, 5265, 3352, 29892, 2672, 6154, 15789, 4214, 350, 2692, 6058, 27848, 3352, 7495, 6093, 399, 1718, 29934, 13566, 29059, 8079, 341, 1001, 3210, 13566, 2882, 6227, 11937, 29892, 13, 29937, 383, 1806, 8186, 1799, 15842, 319, 349, 8322, 2965, 13309, 1718, 349, 4574, 13152, 1660, 5300, 405, 1164, 1177, 15860, 1177, 1692, 13780, 29889, 2672, 11698, 382, 29963, 3919, 24972, 9818, 6093, 13, 29937, 26524, 29950, 24125, 6323, 315, 4590, 29979, 22789, 3912, 379, 5607, 8032, 29903, 20700, 17705, 6181, 15842, 13764, 29979, 315, 4375, 7833, 29892, 21330, 1529, 1692, 29903, 6323, 438, 29911, 4448, 13, 29937, 17705, 2882, 6227, 11937, 29892, 12317, 2544, 4448, 2672, 13764, 319, 9838, 8079, 8707, 29911, 4717, 1783, 29892, 323, 8476, 6323, 438, 29911, 4448, 22119, 1660, 29892, 9033, 3235, 4214, 3895, 29892, 13, 29937, 19474, 8079, 6323, 2672, 8707, 8186, 9838, 22659, 6093, 7791, 7818, 12982, 1525, 6323, 6093, 501, 1660, 6323, 438, 29911, 4448, 5012, 1964, 4214, 29903, 2672, 13, 29937, 6093, 7791, 7818, 12982, 1525, 29889, 13, 29937, 13, 29937, 835, 13383, 13383, 13383, 13383, 7346, 3877, 13, 15945, 29908, 13, 29901, 1545, 18078, 25590, 29916, 29889, 23569, 29889, 5317, 29889, 7387, 29889, 6451, 29952, 8128, 263, 731, 310, 660, 4276, 6198, 304, 2761, 13, 974, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1576, 1494, 660, 4276, 526, 3625, 29901, 13, 13, 29899, 584, 1990, 18078, 1625, 555, 481, 4276, 29952, 13, 29899, 584, 1990, 18078, 29907, 1883, 845, 1466, 4276, 29952, 13, 29899, 584, 1990, 18078, 23902, 345, 5568, 4276, 29952, 13, 29899, 584, 1990, 18078, 5756, 4276, 29952, 13, 29899, 584, 1990, 18078, 9598, 1022, 2887, 1103, 29934, 20819, 4276, 29952, 13, 29899, 584, 1990, 18078, 23684, 3047, 1433, 798, 15506, 4276, 29952, 13, 29899, 584, 1990, 18078, 27175, 29999, 29667, 4276, 29952, 13, 29899, 584, 1990, 18078, 8964, 16070, 4276, 29952, 13, 29899, 584, 1990, 18078, 29990, 16070, 3403, 23830, 13076, 4276, 29952, 13, 29899, 584, 1990, 18078, 29990, 16070, 12300, 17185, 4276, 29952, 13, 29899, 584, 1990, 18078, 29979, 16070, 797, 1765, 287, 4276, 29952, 13, 29899, 584, 1990, 18078, 29979, 16070, 3403, 23830, 13076, 4276, 29952, 13, 29899, 584, 1990, 18078, 29979, 16070, 12300, 17185, 4276, 29952, 13, 29899, 584, 1990, 18078, 29999, 29667, 5841, 4276, 29952, 13, 29899, 584, 1990, 18078, 29999, 29667, 797, 4276, 29952, 13, 29899, 584, 1990, 18078, 29999, 29667, 3744, 4276, 29952, 13, 15945, 29908, 13, 13, 3166, 4770, 29888, 9130, 1649, 1053, 8542, 13, 13, 1649, 5150, 943, 1649, 353, 6796, 29966, 5813, 28341, 9872, 5813, 28341, 9872, 5813, 29958, 3108, 13, 1649, 506, 1947, 1649, 353, 376, 26349, 29908, 13, 1649, 1256, 1649, 353, 376, 29906, 29946, 29914, 29900, 29946, 29914, 29906, 29900, 29896, 29947, 29908, 13, 13, 3166, 869, 1053, 18399, 4276, 13, 5215, 12183, 13, 3166, 4047, 29916, 29889, 23569, 29889, 5317, 1053, 4452, 13, 3166, 4047, 29916, 29889, 23569, 29889, 5317, 3032, 13239, 1053, 3394, 29999, 29667, 1762, 20867, 408, 903, 7302, 29999, 29667, 1762, 20867, 13, 3166, 4047, 29916, 29889, 23569, 1053, 3855, 29873, 13, 3166, 4047, 29916, 29889, 23569, 1053, 27673, 13, 13, 29918, 21707, 353, 12183, 29889, 657, 16363, 22168, 978, 1649, 29897, 13, 13, 13, 1990, 2538, 300, 29999, 29667, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 640, 22155, 10092, 19342, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 2428, 29898, 27175, 29999, 29667, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 2502, 290, 29899, 13492, 742, 1426, 2433, 27175, 17421, 290, 742, 13, 9651, 5780, 12632, 2433, 12300, 29899, 7052, 278, 3983, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 8824, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 3032, 1300, 14174, 744, 7590, 29898, 5574, 29897, 13, 4706, 6492, 29889, 657, 29990, 16070, 2141, 18816, 12300, 17185, 7590, 29889, 6915, 29898, 1311, 3032, 1300, 14174, 744, 7590, 29897, 13, 4706, 6492, 29889, 657, 29979, 16070, 2141, 18816, 12300, 17185, 7590, 29889, 6915, 29898, 1311, 3032, 1300, 14174, 744, 7590, 29897, 13, 13, 1678, 822, 903, 1300, 14174, 744, 7590, 29898, 1311, 29892, 9615, 1125, 13, 4706, 921, 16070, 353, 1583, 29889, 5317, 29889, 657, 29990, 16070, 580, 13, 4706, 343, 16070, 353, 1583, 29889, 5317, 29889, 657, 29979, 16070, 580, 13, 4706, 1583, 29889, 842, 10861, 29898, 29916, 16070, 29889, 275, 12300, 17185, 580, 470, 343, 16070, 29889, 275, 12300, 17185, 3101, 13, 13, 4706, 565, 921, 16070, 29889, 275, 12300, 17185, 580, 322, 343, 16070, 29889, 275, 12300, 17185, 7295, 13, 9651, 5780, 12632, 353, 525, 12300, 29899, 7052, 278, 3983, 29915, 13, 4706, 25342, 921, 16070, 29889, 275, 12300, 17185, 7295, 29871, 396, 1126, 451, 612, 9685, 13, 9651, 5780, 12632, 353, 525, 12300, 29899, 7052, 278, 921, 29899, 8990, 310, 278, 3983, 871, 29915, 13, 4706, 25342, 343, 16070, 29889, 275, 12300, 17185, 7295, 29871, 396, 1126, 451, 1060, 9685, 13, 9651, 5780, 12632, 353, 525, 12300, 29899, 7052, 278, 343, 29899, 8990, 310, 278, 3983, 871, 29915, 13, 4706, 1683, 29901, 29871, 396, 694, 9685, 297, 1120, 14174, 744, 13, 9651, 5780, 12632, 353, 525, 12300, 29899, 7052, 278, 3983, 29915, 13, 4706, 1583, 29889, 842, 12229, 29911, 666, 29898, 10154, 12632, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 1583, 29889, 5317, 29889, 12071, 29999, 29667, 580, 13, 13, 13, 1990, 17421, 290, 5841, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 15859, 263, 19342, 29899, 1627, 297, 584, 1990, 29901, 1412, 20867, 8801, 29952, 13071, 4955, 29889, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 2428, 29898, 29999, 29667, 5841, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 2502, 290, 29899, 1627, 742, 1426, 2433, 29999, 29667, 7437, 742, 13, 9651, 5780, 12632, 2433, 29999, 29667, 1250, 278, 6492, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 8824, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 842, 21322, 7582, 2677, 29898, 17915, 29889, 17303, 29889, 8801, 21322, 7582, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 1583, 29889, 5317, 29889, 657, 29931, 326, 1169, 20570, 2141, 7323, 580, 13, 13, 13, 1990, 17421, 290, 797, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 15859, 263, 19342, 29899, 262, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 2428, 29898, 29999, 29667, 797, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 2502, 290, 29899, 262, 742, 1426, 2433, 29999, 29667, 512, 742, 13, 9651, 5780, 12632, 2433, 29999, 29667, 297, 278, 6492, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 8824, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 842, 21322, 7582, 29898, 17915, 29889, 29984, 2558, 20529, 29889, 29999, 29667, 797, 29897, 13, 4706, 1583, 29889, 842, 21322, 7582, 2677, 29898, 17915, 29889, 17303, 29889, 8801, 21322, 7582, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 903, 7302, 29999, 29667, 1762, 20867, 29898, 1311, 29889, 5317, 29892, 29871, 29896, 29889, 29896, 29897, 13, 13, 13, 1990, 17421, 290, 3744, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 15859, 263, 19342, 29899, 449, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 2428, 29898, 29999, 29667, 3744, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 2502, 290, 29899, 449, 742, 1426, 2433, 29999, 29667, 4451, 742, 13, 9651, 5780, 12632, 2433, 29999, 29667, 714, 278, 6492, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 8824, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 842, 21322, 7582, 29898, 17915, 29889, 29984, 2558, 20529, 29889, 29999, 29667, 3744, 29897, 13, 4706, 1583, 29889, 842, 21322, 7582, 2677, 29898, 17915, 29889, 17303, 29889, 8801, 21322, 7582, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 903, 7302, 29999, 29667, 1762, 20867, 29898, 1311, 29889, 5317, 29892, 29871, 29896, 29889, 847, 29871, 29896, 29889, 29896, 29897, 13, 13, 13, 1990, 1060, 16070, 12300, 17185, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 640, 22155, 1060, 9685, 1120, 14174, 744, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 2428, 29898, 29990, 16070, 12300, 17185, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 5317, 29899, 29916, 6921, 742, 1426, 2433, 29990, 5202, 14174, 744, 742, 13, 9651, 5780, 12632, 2433, 20701, 921, 29899, 8990, 4469, 29899, 7052, 746, 7120, 7790, 29876, 29915, 13, 462, 1678, 525, 3644, 443, 11238, 29892, 921, 29899, 8990, 947, 451, 1735, 746, 10092, 292, 19342, 29889, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 5574, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 842, 17817, 29898, 5317, 29889, 657, 29990, 16070, 2141, 275, 12300, 17185, 3101, 13, 4706, 6492, 29889, 657, 29990, 16070, 2141, 18816, 12300, 17185, 7590, 29889, 6915, 29898, 1311, 29889, 842, 17817, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 1583, 29889, 5317, 29889, 657, 29990, 16070, 2141, 842, 12300, 17185, 29898, 11238, 29897, 13, 4706, 565, 7120, 29901, 13, 9651, 1583, 29889, 5317, 29889, 12071, 29999, 29667, 580, 13, 13, 13, 1990, 612, 16070, 12300, 17185, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 640, 22155, 612, 9685, 1120, 14174, 744, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 2428, 29898, 29979, 16070, 12300, 17185, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 5317, 29899, 29891, 6921, 742, 1426, 2433, 29979, 5202, 14174, 744, 742, 13, 9651, 5780, 12632, 2433, 20701, 343, 29899, 8990, 4469, 29899, 7052, 746, 7120, 7790, 29876, 29915, 13, 462, 1678, 525, 3644, 443, 11238, 29892, 343, 29899, 8990, 947, 451, 1735, 746, 10092, 292, 19342, 29889, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 5574, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 842, 17817, 29898, 5317, 29889, 657, 29979, 16070, 2141, 275, 12300, 17185, 3101, 13, 4706, 6492, 29889, 657, 29979, 16070, 2141, 18816, 12300, 17185, 7590, 29889, 6915, 29898, 1311, 29889, 842, 17817, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 1583, 29889, 5317, 29889, 657, 29979, 16070, 2141, 842, 12300, 17185, 29898, 11238, 29897, 13, 4706, 565, 7120, 29901, 13, 9651, 1583, 29889, 5317, 29889, 12071, 29999, 29667, 580, 13, 13, 13, 1990, 1060, 16070, 3403, 23830, 13076, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 640, 22155, 1060, 9685, 1480, 6287, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 2428, 29898, 29990, 16070, 3403, 23830, 13076, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 5317, 29899, 29916, 1188, 742, 1426, 2433, 29990, 4522, 29889, 6287, 742, 13, 9651, 5780, 12632, 2433, 3403, 23830, 13076, 921, 29899, 8990, 746, 7120, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 5574, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 8990, 353, 6492, 29889, 657, 29990, 16070, 580, 13, 4706, 1583, 29889, 842, 17817, 29898, 1311, 29889, 8990, 29889, 657, 17185, 580, 1275, 1583, 29889, 8990, 29889, 14480, 1718, 13054, 29924, 2965, 29897, 13, 4706, 1583, 29889, 8990, 29889, 18816, 17185, 7590, 29889, 6915, 29898, 1311, 3032, 842, 17817, 3644, 3403, 17185, 29897, 13, 13, 1678, 822, 903, 842, 17817, 3644, 3403, 17185, 29898, 1311, 29892, 6287, 1125, 13, 4706, 1583, 29889, 842, 17817, 29898, 7052, 1275, 1583, 29889, 8990, 29889, 14480, 1718, 13054, 29924, 2965, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 6287, 353, 1583, 29889, 8990, 29889, 14480, 1718, 13054, 29924, 2965, 565, 7120, 1683, 1583, 29889, 8990, 29889, 18521, 1718, 13, 4706, 1583, 29889, 8990, 29889, 842, 17185, 29898, 7052, 29897, 13, 13, 13, 1990, 612, 16070, 3403, 23830, 13076, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 640, 22155, 612, 9685, 1480, 6287, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 2428, 29898, 29979, 16070, 3403, 23830, 13076, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 5317, 29899, 29891, 1188, 742, 1426, 2433, 29979, 4522, 29889, 6287, 742, 13, 9651, 5780, 12632, 2433, 3403, 23830, 13076, 343, 29899, 8990, 746, 7120, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 5574, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 8990, 353, 6492, 29889, 657, 29979, 16070, 580, 13, 4706, 1583, 29889, 842, 17817, 29898, 1311, 29889, 8990, 29889, 657, 17185, 580, 1275, 1583, 29889, 8990, 29889, 14480, 1718, 13054, 29924, 2965, 29897, 13, 4706, 1583, 29889, 8990, 29889, 18816, 17185, 7590, 29889, 6915, 29898, 1311, 3032, 842, 17817, 3644, 3403, 17185, 29897, 13, 13, 1678, 822, 903, 842, 17817, 3644, 3403, 17185, 29898, 1311, 29892, 6287, 1125, 13, 4706, 1583, 29889, 842, 17817, 29898, 7052, 1275, 1583, 29889, 8990, 29889, 14480, 1718, 13054, 29924, 2965, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 6287, 353, 1583, 29889, 8990, 29889, 14480, 1718, 13054, 29924, 2965, 565, 7120, 1683, 1583, 29889, 8990, 29889, 18521, 1718, 13, 4706, 1583, 29889, 8990, 29889, 842, 17185, 29898, 7052, 29897, 13, 13, 13, 1990, 11657, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 640, 22155, 6856, 4464, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 851, 6856, 6818, 29901, 450, 6856, 4464, 304, 671, 297, 525, 20313, 742, 525, 21355, 4286, 13, 462, 308, 2823, 584, 29885, 621, 29901, 1412, 20867, 8801, 29889, 842, 9527, 5756, 29952, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 6856, 6818, 2433, 20313, 742, 3847, 29922, 8516, 1125, 13, 4706, 4974, 6856, 6818, 297, 6702, 20313, 742, 525, 21355, 1495, 13, 4706, 1583, 3032, 7720, 6818, 353, 6856, 6818, 13, 13, 4706, 2428, 29898, 5756, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 5317, 29899, 7720, 742, 1426, 2433, 5756, 742, 13, 9651, 5780, 12632, 2433, 27199, 6856, 313, 265, 29914, 2696, 29897, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 5574, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 842, 17817, 29898, 5317, 29889, 657, 9527, 5756, 580, 338, 451, 6213, 29897, 13, 4706, 6492, 29889, 18816, 2697, 9527, 5756, 29889, 6915, 29898, 1311, 3032, 7720, 7590, 29897, 13, 13, 1678, 822, 903, 7720, 7590, 29898, 1311, 29892, 607, 1125, 13, 4706, 9995, 29903, 8276, 19866, 363, 18399, 8801, 6856, 4464, 1735, 1213, 15945, 13, 4706, 1583, 29889, 842, 17817, 29898, 4716, 2804, 525, 8516, 1495, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 1583, 29889, 5317, 29889, 842, 9527, 5756, 29898, 1311, 3032, 7720, 6818, 565, 7120, 1683, 6213, 29897, 13, 13, 13, 1990, 10837, 345, 5568, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 640, 22155, 11672, 3114, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 739, 3620, 278, 2322, 1196, 322, 29320, 3114, 607, 11217, 599, 13, 1678, 19684, 373, 278, 6492, 29889, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 2428, 29898, 23902, 345, 5568, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 5317, 29899, 13270, 29899, 9748, 742, 1426, 2433, 23902, 345, 3114, 742, 13, 9651, 5780, 12632, 2433, 7277, 11672, 1196, 322, 29320, 3114, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 8824, 29892, 3847, 29922, 3560, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 1857, 2792, 353, 313, 1311, 29889, 5317, 29889, 275, 4592, 20867, 20261, 3285, 13, 462, 4706, 1583, 29889, 5317, 29889, 275, 4592, 20867, 20325, 3101, 13, 13, 4706, 565, 1857, 2792, 1275, 313, 8824, 29892, 7700, 1125, 13, 9651, 716, 2792, 353, 5852, 29892, 7700, 13, 4706, 1683, 29901, 13, 9651, 396, 1196, 871, 29892, 1196, 322, 5829, 29892, 5829, 871, 13, 9651, 5922, 353, 313, 5574, 29892, 7700, 511, 313, 5574, 29892, 5852, 511, 313, 8824, 29892, 5852, 29897, 13, 9651, 716, 2792, 353, 5922, 15625, 28631, 29889, 2248, 29898, 3784, 2792, 29897, 718, 29871, 29896, 29897, 1273, 29871, 29941, 29962, 13, 13, 4706, 1583, 29889, 5317, 29889, 842, 4592, 20867, 20261, 29898, 1482, 2792, 29961, 29900, 2314, 13, 4706, 1583, 29889, 5317, 29889, 842, 4592, 20867, 20325, 29898, 1482, 2792, 29961, 29896, 2314, 13, 13, 13, 1990, 1530, 555, 481, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 8718, 263, 1530, 555, 481, 7647, 304, 2767, 278, 784, 555, 481, 29889, 13, 13, 1678, 9134, 278, 6136, 1967, 784, 555, 481, 322, 278, 2322, 784, 555, 481, 526, 4784, 29889, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 1583, 3032, 15901, 353, 6213, 29871, 396, 1763, 3787, 385, 2777, 310, 1530, 555, 481, 7647, 13, 4706, 2428, 29898, 1625, 555, 481, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 1054, 555, 481, 742, 1426, 2433, 1625, 555, 481, 742, 13, 9651, 5780, 12632, 543, 7277, 784, 555, 481, 613, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 5574, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 5317, 29889, 18816, 9966, 2940, 7590, 29889, 6915, 29898, 1311, 3032, 5504, 1625, 555, 481, 29897, 13, 4706, 1583, 29889, 5317, 29889, 18816, 9966, 4421, 2620, 7590, 29889, 6915, 29898, 1311, 3032, 5504, 1625, 555, 481, 29897, 13, 13, 1678, 822, 731, 3306, 7647, 29898, 1311, 29892, 2927, 7647, 1125, 13, 4706, 9995, 2697, 263, 2702, 2927, 7928, 2012, 310, 773, 278, 2322, 7928, 1213, 15945, 13, 4706, 4974, 29898, 2780, 7647, 338, 451, 6213, 29897, 13, 4706, 4974, 29898, 1311, 3032, 15901, 338, 6213, 29897, 13, 4706, 1583, 3032, 15901, 353, 2927, 7647, 13, 4706, 1583, 3032, 15901, 29889, 12872, 7590, 29889, 6915, 29898, 1311, 3032, 15901, 12911, 7590, 29897, 13, 4706, 1583, 29889, 842, 17817, 29898, 1311, 3032, 15901, 29889, 275, 12911, 3101, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 903, 3258, 7647, 29898, 3560, 1125, 13, 4706, 9995, 4391, 278, 7928, 565, 451, 2307, 5923, 13, 13, 4706, 584, 3560, 660, 8801, 3847, 29901, 22280, 310, 278, 716, 784, 555, 481, 13, 4706, 584, 29878, 1853, 29901, 1530, 555, 481, 7647, 13, 4706, 9995, 13, 4706, 515, 4047, 29916, 29889, 23569, 29889, 15901, 29889, 1625, 555, 481, 7647, 1053, 1530, 555, 481, 7647, 13, 4706, 7928, 353, 1530, 555, 481, 7647, 29898, 3560, 29922, 3560, 29897, 13, 4706, 7928, 29889, 842, 19751, 29898, 8824, 29897, 13, 4706, 736, 7928, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 9995, 4391, 263, 274, 1958, 7928, 322, 2767, 6136, 1967, 322, 2322, 274, 1958, 1213, 15945, 13, 4706, 565, 1583, 3032, 15901, 338, 6213, 29901, 13, 9651, 1583, 3032, 15901, 353, 1583, 3032, 3258, 7647, 29898, 1311, 29889, 5317, 29897, 13, 9651, 1583, 3032, 15901, 29889, 12872, 7590, 29889, 6915, 29898, 1311, 3032, 15901, 12911, 7590, 29897, 13, 13, 4706, 396, 7525, 278, 7928, 19866, 304, 784, 555, 481, 1735, 13, 4706, 565, 7120, 338, 5852, 29901, 13, 9651, 1583, 3032, 5504, 1625, 555, 481, 580, 13, 9651, 1583, 3032, 15901, 29889, 4294, 580, 13, 4706, 1683, 29901, 13, 9651, 1583, 3032, 15901, 29889, 11458, 580, 13, 13, 1678, 822, 903, 15901, 12911, 7590, 29898, 1311, 29892, 338, 12911, 1125, 13, 4706, 1583, 29889, 842, 17817, 29898, 275, 12911, 29897, 13, 13, 1678, 822, 903, 5504, 1625, 555, 481, 29898, 1311, 1125, 13, 4706, 565, 1583, 3032, 15901, 338, 6213, 29901, 13, 9651, 736, 13, 4706, 1967, 353, 1583, 29889, 5317, 29889, 657, 9966, 2940, 580, 13, 13, 4706, 565, 338, 8758, 29898, 3027, 29892, 4452, 29889, 2940, 8909, 29916, 1469, 1125, 13, 9651, 396, 21220, 2069, 363, 4280, 4558, 13, 9651, 784, 555, 481, 353, 1967, 29889, 657, 1625, 555, 481, 580, 13, 13, 9651, 4464, 353, 1967, 29889, 657, 8909, 29916, 6818, 580, 13, 9651, 565, 4464, 297, 313, 7076, 29889, 2940, 8909, 29916, 1469, 29889, 8909, 29916, 6818, 29889, 19297, 29931, 1806, 29965, 2287, 29918, 19689, 8127, 29892, 13, 462, 4706, 4452, 29889, 2940, 8909, 29916, 1469, 29889, 8909, 29916, 6818, 29889, 14480, 29896, 29900, 29918, 19297, 29931, 1806, 29965, 2287, 29918, 19689, 8127, 1125, 13, 18884, 848, 353, 1967, 29889, 657, 1469, 29898, 13, 462, 1678, 3509, 29922, 8824, 29892, 4464, 29922, 7076, 29889, 2940, 8909, 29916, 1469, 29889, 8909, 29916, 6818, 29889, 19689, 8127, 29897, 13, 9651, 1683, 29901, 13, 18884, 848, 353, 1967, 29889, 657, 1469, 29898, 8552, 29922, 8824, 29897, 13, 13, 9651, 396, 3789, 9825, 13342, 322, 3464, 565, 738, 13, 9651, 1583, 3032, 15901, 29889, 842, 1469, 29898, 1272, 29897, 13, 13, 4706, 25342, 338, 8758, 29898, 3027, 29892, 4452, 29889, 1625, 555, 481, 29924, 861, 797, 1125, 13, 9651, 396, 3789, 7928, 515, 6136, 1967, 13, 9651, 784, 555, 481, 353, 1967, 29889, 657, 1625, 555, 481, 580, 13, 9651, 396, 3789, 9825, 13342, 322, 3464, 565, 738, 13, 9651, 1583, 3032, 15901, 29889, 842, 2001, 29898, 3027, 29897, 13, 13, 4706, 1683, 29901, 13, 9651, 396, 1939, 6136, 1967, 470, 6136, 1967, 338, 390, 29954, 5688, 29892, 13, 9651, 396, 5399, 363, 6136, 14801, 6492, 13, 9651, 14801, 353, 1583, 29889, 5317, 3032, 657, 9966, 2001, 29898, 14380, 2433, 1557, 2620, 1495, 13, 9651, 565, 14801, 338, 451, 6213, 29901, 13, 18884, 784, 555, 481, 353, 14801, 29889, 657, 1625, 555, 481, 580, 13, 18884, 1583, 3032, 15901, 29889, 842, 2001, 29898, 1557, 2620, 29897, 13, 13, 9651, 1683, 29901, 13, 18884, 396, 1939, 6136, 848, 1967, 3643, 14801, 29892, 13, 18884, 396, 731, 7928, 515, 2322, 5235, 13, 18884, 784, 555, 481, 353, 1583, 29889, 5317, 29889, 657, 4592, 1625, 555, 481, 580, 13, 18884, 396, 2538, 300, 9825, 13342, 322, 3464, 565, 738, 13, 18884, 1583, 3032, 15901, 29889, 842, 1469, 29898, 8516, 29897, 13, 13, 4706, 1583, 3032, 15901, 29889, 842, 1625, 555, 481, 29898, 1054, 555, 481, 29897, 13, 13, 13, 1990, 9159, 4297, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 8718, 278, 9159, 4297, 8801, 310, 278, 6790, 6492, 29889, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 1583, 3032, 15901, 353, 6213, 29871, 396, 1763, 3787, 385, 2777, 310, 9159, 4297, 13, 4706, 2428, 29898, 3306, 4297, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 2780, 1646, 742, 1426, 2433, 3306, 1646, 742, 13, 9651, 5780, 12632, 543, 8964, 29914, 29950, 680, 278, 2927, 1646, 613, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 5574, 29892, 3847, 29922, 3560, 29897, 13, 4706, 2927, 4297, 8801, 353, 1583, 29889, 5317, 29889, 657, 3306, 4297, 8801, 580, 13, 4706, 2030, 353, 1583, 29889, 1271, 10140, 1338, 29898, 5574, 29897, 13, 4706, 1583, 29889, 842, 17817, 29898, 2780, 4297, 8801, 29889, 275, 12911, 1762, 29898, 1311, 29889, 5317, 876, 13, 4706, 1583, 29889, 1271, 10140, 1338, 29898, 1025, 29897, 13, 4706, 2927, 4297, 8801, 29889, 18816, 12911, 7590, 29889, 6915, 29898, 1311, 3032, 8030, 12911, 7590, 29897, 13, 13, 1678, 822, 903, 8030, 12911, 7590, 29898, 1311, 29892, 338, 12911, 1125, 13, 4706, 9995, 10717, 746, 278, 2927, 1646, 421, 12872, 29952, 2875, 1735, 1213, 15945, 13, 4706, 565, 1583, 29889, 275, 17817, 580, 1275, 338, 12911, 29901, 13, 9651, 736, 13, 4706, 1583, 29889, 842, 17817, 29898, 275, 12911, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 9995, 4391, 263, 274, 1958, 7928, 322, 2767, 6136, 1967, 322, 2322, 274, 1958, 1213, 15945, 13, 4706, 2927, 4297, 8801, 353, 1583, 29889, 5317, 29889, 657, 3306, 4297, 8801, 580, 13, 4706, 565, 451, 2927, 4297, 8801, 29889, 275, 25108, 580, 1275, 7120, 29901, 13, 9651, 736, 13, 4706, 1583, 29889, 5317, 29889, 657, 3306, 4297, 8801, 2141, 842, 12911, 29898, 11238, 29897, 13, 13, 13, 1990, 19152, 2887, 1103, 29934, 20819, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 640, 22155, 9565, 11959, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 396, 10783, 267, 1023, 4558, 363, 7120, 29914, 348, 11238, 5922, 13, 4706, 1583, 3032, 28631, 353, 426, 13, 9651, 7700, 29901, 313, 27078, 29889, 657, 29984, 12492, 877, 12181, 29899, 16622, 29899, 2929, 333, 5477, 13, 462, 1678, 376, 9598, 1022, 848, 9565, 11959, 4968, 13, 9651, 5852, 29901, 313, 27078, 29889, 657, 29984, 12492, 877, 12181, 29899, 295, 5843, 29899, 2929, 333, 5477, 13, 462, 259, 376, 6132, 694, 3013, 848, 9565, 11959, 1159, 13, 4706, 500, 13, 13, 4706, 9849, 29892, 5780, 12632, 353, 1583, 3032, 28631, 29961, 5317, 29889, 275, 9598, 1022, 1469, 2887, 1103, 29934, 20819, 580, 29962, 13, 4706, 2428, 29898, 9598, 1022, 2887, 1103, 29934, 20819, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 13, 9651, 9849, 29922, 4144, 29892, 13, 9651, 1426, 2433, 27199, 3013, 9565, 11959, 742, 13, 9651, 5780, 12632, 29922, 10154, 12632, 29892, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 8824, 29892, 13, 9651, 3847, 29922, 3560, 29897, 13, 4706, 6492, 29889, 18816, 2697, 9598, 1022, 1469, 2887, 1103, 29934, 20819, 29889, 6915, 29898, 13, 9651, 1583, 3032, 17462, 1469, 2887, 1103, 29934, 20819, 7590, 29897, 13, 13, 1678, 822, 903, 17462, 1469, 2887, 1103, 29934, 20819, 7590, 29898, 1311, 29892, 9565, 29934, 20819, 1125, 13, 4706, 9995, 13554, 18399, 731, 3013, 9565, 11959, 7182, 15945, 29908, 13, 4706, 9849, 29892, 5780, 12632, 353, 1583, 3032, 28631, 29961, 294, 1103, 29934, 20819, 29962, 13, 4706, 1583, 29889, 842, 12492, 29898, 4144, 29897, 13, 4706, 1583, 29889, 842, 12229, 29911, 666, 29898, 10154, 12632, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 396, 910, 674, 7135, 903, 17462, 1469, 2887, 1103, 29934, 20819, 7590, 13, 4706, 1583, 29889, 5317, 29889, 842, 9598, 1022, 1469, 2887, 1103, 29934, 20819, 29898, 1333, 1583, 29889, 5317, 29889, 275, 9598, 1022, 1469, 2887, 1103, 29934, 20819, 3101, 13, 13, 13, 1990, 612, 16070, 797, 1765, 287, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 640, 22155, 612, 19843, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 396, 10783, 267, 1023, 4558, 363, 7120, 29914, 348, 11238, 5922, 13, 4706, 1583, 3032, 28631, 353, 426, 13, 9651, 7700, 29901, 313, 27078, 29889, 657, 29984, 12492, 877, 5317, 29899, 2941, 776, 5477, 13, 462, 1678, 376, 15988, 296, 612, 9685, 1623, 1328, 4968, 13, 9651, 5852, 29901, 313, 27078, 29889, 657, 29984, 12492, 877, 5317, 29899, 29891, 786, 5477, 13, 462, 259, 376, 15988, 296, 612, 9685, 701, 1328, 4968, 13, 4706, 500, 13, 13, 4706, 9849, 29892, 5780, 12632, 353, 1583, 3032, 28631, 29961, 5317, 29889, 657, 29979, 16070, 2141, 275, 797, 1765, 287, 580, 29962, 13, 4706, 2428, 29898, 29979, 16070, 797, 1765, 287, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 13, 9651, 9849, 29922, 4144, 29892, 13, 9651, 1426, 2433, 797, 1765, 612, 319, 11497, 742, 13, 9651, 5780, 12632, 29922, 10154, 12632, 29892, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 8824, 29892, 13, 9651, 3847, 29922, 3560, 29897, 13, 4706, 6492, 29889, 657, 29979, 16070, 2141, 18816, 797, 1765, 287, 7590, 29889, 6915, 29898, 1311, 3032, 29891, 16070, 797, 1765, 287, 7590, 29897, 13, 13, 1678, 822, 903, 29891, 16070, 797, 1765, 287, 7590, 29898, 1311, 29892, 21292, 287, 1125, 13, 4706, 9995, 13554, 18399, 731, 343, 9685, 21292, 287, 7182, 15945, 29908, 13, 4706, 9849, 29892, 5780, 12632, 353, 1583, 3032, 28631, 29961, 262, 1765, 287, 29962, 13, 4706, 1583, 29889, 842, 12492, 29898, 4144, 29897, 13, 4706, 1583, 29889, 842, 12229, 29911, 666, 29898, 10154, 12632, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 396, 910, 674, 7135, 903, 29891, 16070, 797, 1765, 287, 7590, 13, 4706, 343, 16070, 353, 1583, 29889, 5317, 29889, 657, 29979, 16070, 580, 13, 4706, 343, 16070, 29889, 842, 797, 1765, 287, 29898, 1333, 343, 16070, 29889, 275, 797, 1765, 287, 3101, 13, 13, 13, 1990, 315, 1883, 845, 1466, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 17304, 1847, 274, 1883, 845, 1466, 10677, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 851, 2927, 29901, 9159, 304, 671, 304, 4216, 278, 274, 1883, 845, 1466, 13, 1678, 584, 3207, 938, 1196, 2103, 29901, 21485, 310, 278, 274, 1883, 845, 1466, 10677, 13, 1678, 584, 3207, 851, 6276, 342, 1508, 29901, 22135, 310, 1196, 29889, 2823, 584, 29885, 621, 29901, 1412, 20867, 29889, 842, 9527, 19890, 29952, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 2927, 2433, 8517, 742, 1196, 2103, 29922, 29896, 29892, 6276, 342, 1508, 2433, 29899, 742, 13, 462, 3847, 29922, 8516, 1125, 13, 4706, 1583, 29889, 2780, 353, 2927, 13, 4706, 9995, 3306, 1304, 304, 4216, 278, 274, 1883, 845, 1466, 313, 710, 467, 15945, 29908, 13, 13, 4706, 1583, 29889, 16292, 353, 1196, 2103, 13, 4706, 9995, 6110, 310, 278, 274, 1883, 845, 1466, 10677, 313, 524, 467, 15945, 29908, 13, 13, 4706, 1583, 29889, 1915, 342, 1508, 353, 6276, 342, 1508, 13, 4706, 9995, 5568, 310, 1196, 310, 278, 10677, 313, 710, 467, 15945, 29908, 13, 13, 4706, 2428, 29898, 29907, 1883, 845, 1466, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 29883, 1883, 845, 1466, 742, 1426, 2433, 29907, 1883, 845, 1466, 315, 5966, 742, 13, 9651, 5780, 12632, 2433, 20701, 274, 1883, 845, 1466, 10677, 746, 7120, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 5574, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 842, 17817, 29898, 5317, 29889, 657, 9527, 19890, 580, 338, 451, 6213, 29897, 13, 4706, 6492, 29889, 18816, 2697, 9527, 19890, 29889, 6915, 29898, 1311, 29889, 842, 17817, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 1583, 29889, 5317, 29889, 842, 9527, 19890, 29898, 11238, 29892, 13, 462, 462, 2927, 29922, 1311, 29889, 2780, 29892, 13, 462, 462, 6276, 342, 1508, 29922, 1311, 29889, 1915, 342, 1508, 29892, 13, 462, 462, 1196, 2103, 29922, 1311, 29889, 16292, 29897, 13, 13, 13, 1990, 6518, 3047, 1433, 798, 15506, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 17304, 1847, 7243, 411, 16578, 6611, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 13, 4706, 2428, 29898, 23684, 3047, 1433, 798, 15506, 4276, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 6492, 29892, 9849, 2433, 2936, 29899, 8149, 742, 1426, 2433, 23684, 411, 16578, 6611, 742, 13, 9651, 5780, 12632, 2433, 20701, 7243, 411, 16578, 6611, 746, 7120, 742, 13, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 9651, 1423, 519, 29922, 5574, 29892, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 842, 17817, 29898, 5317, 29889, 275, 23684, 3047, 1433, 798, 15506, 3101, 13, 4706, 6492, 29889, 18816, 2697, 23684, 3047, 1433, 798, 15506, 29889, 6915, 29898, 1311, 29889, 842, 17817, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 1583, 29889, 5317, 29889, 842, 23684, 3047, 1433, 798, 15506, 29898, 11238, 29897, 13, 13, 13, 1990, 7704, 16070, 4276, 29898, 20867, 4276, 1125, 13, 1678, 9995, 29984, 4276, 640, 22155, 9685, 26401, 373, 263, 584, 1990, 29901, 1412, 20867, 8801, 1412, 13, 13, 1678, 584, 3207, 6492, 29901, 584, 1990, 29901, 1412, 20867, 8801, 29952, 2777, 373, 607, 304, 21994, 13, 1678, 584, 3207, 3847, 29901, 2823, 584, 1990, 18078, 29984, 4276, 29952, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6492, 29892, 3847, 29922, 8516, 1125, 13, 4706, 5780, 12632, 353, 525, 8964, 6492, 9685, 746, 7120, 29892, 6467, 9563, 963, 29915, 13, 4706, 18399, 4276, 17255, 2344, 12035, 1311, 29892, 13, 462, 9651, 6492, 29892, 13, 462, 9651, 9849, 2433, 8990, 742, 13, 462, 9651, 1426, 2433, 4294, 9685, 742, 13, 462, 9651, 5780, 12632, 29922, 10154, 12632, 29892, 13, 462, 9651, 19799, 29922, 1311, 3032, 2467, 20211, 287, 29892, 13, 462, 9651, 1423, 519, 29922, 5574, 29892, 13, 462, 9651, 3847, 29922, 3560, 29897, 13, 4706, 1583, 29889, 842, 17817, 29898, 1311, 29889, 5317, 3032, 27852, 29889, 275, 29909, 9100, 9323, 287, 3101, 13, 4706, 6492, 3032, 18816, 29909, 9100, 23318, 7590, 29889, 6915, 29898, 1311, 29889, 842, 17817, 29897, 13, 13, 1678, 822, 903, 2467, 20211, 287, 29898, 1311, 29892, 7120, 29922, 8824, 1125, 13, 4706, 1583, 29889, 5317, 29889, 842, 29909, 9100, 9323, 287, 29898, 11238, 29897, 13, 13, 2 ]
Configuration/StandardSequences/python/RawToDigi_Repacked_cff.py
nistefan/cmssw
0
165674
import FWCore.ParameterSet.Config as cms from Configuration.StandardSequences.RawToDigi_cff import * scalersRawToDigi.scalersInputTag = 'rawDataRepacker' csctfDigis.producer = 'rawDataRepacker' dttfDigis.DTTF_FED_Source = 'rawDataRepacker' gctDigis.inputLabel = 'rawDataRepacker' gtDigis.DaqGtInputTag = 'rawDataRepacker' gtEvmDigis.EvmGtInputTag = 'rawDataRepacker' siPixelDigis.InputLabel = 'rawDataRepacker' siStripDigis.ProductLabel = 'rawDataRepacker' #False by default ecalDigis.DoRegional = False ecalDigis.InputLabel = 'rawDataRepacker' ecalPreshowerDigis.sourceTag = 'rawDataRepacker' hcalDigis.InputLabel = 'rawDataRepacker' muonCSCDigis.InputObjects = 'rawDataRepacker' muonDTDigis.inputLabel = 'rawDataRepacker' muonRPCDigis.InputLabel = 'rawDataRepacker' castorDigis.InputLabel = 'rawDataRepacker' RawToDigi = cms.Sequence(csctfDigis+dttfDigis+gctDigis+gtDigis+gtEvmDigis+siPixelDigis+siStripDigis+ecalDigis+ecalPreshowerDigis+hcalDigis+muonCSCDigis+muonDTDigis+muonRPCDigis+castorDigis+scalersRawToDigi) RawToDigi_woGCT = cms.Sequence(csctfDigis+dttfDigis+gtDigis+gtEvmDigis+siPixelDigis+siStripDigis+ecalDigis+ecalPreshowerDigis+hcalDigis+muonCSCDigis+muonDTDigis+muonRPCDigis+castorDigis+scalersRawToDigi) siStripVRDigis = siStripDigis.clone(ProductLabel = 'virginRawDataRepacker') RawToDigi_withVR = cms.Sequence(RawToDigi + siStripVRDigis)
[ 1, 1053, 383, 29956, 9203, 29889, 9329, 2697, 29889, 3991, 408, 274, 1516, 13, 13, 3166, 20999, 29889, 15449, 16941, 2063, 29889, 22131, 1762, 29928, 10091, 29918, 29883, 600, 1053, 334, 13, 13, 19529, 414, 22131, 1762, 29928, 10091, 29889, 19529, 414, 4290, 8176, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 2395, 312, 29888, 14991, 275, 29889, 5498, 2265, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 29881, 698, 29888, 14991, 275, 29889, 12972, 8969, 29918, 29943, 3352, 29918, 4435, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 29887, 312, 14991, 275, 29889, 2080, 4775, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 4141, 14991, 275, 29889, 27838, 29939, 29954, 29873, 4290, 8176, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 4141, 29923, 6925, 14991, 275, 29889, 29923, 6925, 29954, 29873, 4290, 8176, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 1039, 29637, 14991, 275, 29889, 4290, 4775, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 1039, 855, 6472, 14991, 275, 29889, 7566, 4775, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 29937, 8824, 491, 2322, 321, 1052, 14991, 275, 29889, 6132, 4597, 1848, 353, 7700, 13, 687, 284, 14991, 275, 29889, 4290, 4775, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 687, 284, 29925, 3781, 1680, 14991, 275, 29889, 4993, 8176, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 29882, 1052, 14991, 275, 29889, 4290, 4775, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 2589, 265, 9295, 6530, 335, 275, 29889, 4290, 12724, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 2589, 265, 12972, 14991, 275, 29889, 2080, 4775, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 2589, 265, 29934, 29925, 6530, 335, 275, 29889, 4290, 4775, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 4384, 272, 14991, 275, 29889, 4290, 4775, 353, 525, 1610, 1469, 5612, 28940, 29915, 13, 13, 22131, 1762, 29928, 10091, 353, 274, 1516, 29889, 20529, 29898, 2395, 312, 29888, 14991, 275, 29974, 29881, 698, 29888, 14991, 275, 29974, 29887, 312, 14991, 275, 29974, 4141, 14991, 275, 29974, 4141, 29923, 6925, 14991, 275, 29974, 1039, 29637, 14991, 275, 29974, 1039, 855, 6472, 14991, 275, 29974, 687, 284, 14991, 275, 29974, 687, 284, 29925, 3781, 1680, 14991, 275, 29974, 29882, 1052, 14991, 275, 29974, 2589, 265, 9295, 6530, 335, 275, 29974, 2589, 265, 12972, 14991, 275, 29974, 2589, 265, 29934, 29925, 6530, 335, 275, 29974, 4384, 272, 14991, 275, 29974, 19529, 414, 22131, 1762, 29928, 10091, 29897, 13, 13, 22131, 1762, 29928, 10091, 29918, 827, 29954, 1783, 353, 274, 1516, 29889, 20529, 29898, 2395, 312, 29888, 14991, 275, 29974, 29881, 698, 29888, 14991, 275, 29974, 4141, 14991, 275, 29974, 4141, 29923, 6925, 14991, 275, 29974, 1039, 29637, 14991, 275, 29974, 1039, 855, 6472, 14991, 275, 29974, 687, 284, 14991, 275, 29974, 687, 284, 29925, 3781, 1680, 14991, 275, 29974, 29882, 1052, 14991, 275, 29974, 2589, 265, 9295, 6530, 335, 275, 29974, 2589, 265, 12972, 14991, 275, 29974, 2589, 265, 29934, 29925, 6530, 335, 275, 29974, 4384, 272, 14991, 275, 29974, 19529, 414, 22131, 1762, 29928, 10091, 29897, 13, 13, 13, 1039, 855, 6472, 29963, 29934, 14991, 275, 353, 1354, 855, 6472, 14991, 275, 29889, 16513, 29898, 7566, 4775, 353, 525, 2405, 5359, 22131, 1469, 5612, 28940, 1495, 13, 22131, 1762, 29928, 10091, 29918, 2541, 29963, 29934, 353, 274, 1516, 29889, 20529, 29898, 22131, 1762, 29928, 10091, 718, 1354, 855, 6472, 29963, 29934, 14991, 275, 29897, 13, 2 ]
boards/apollo2_evb/examples/multi_boot_secure_sample/generate_secureboot_assets.py
wher0001/AmbiqSuiteSDK
25
97958
#!/usr/bin/env python3 import argparse import sys import os # This key table has to match the one in bootloader keyTbl = [0xDEADBEEF, 0xAAAAAAAA, 0x11111111, 0x00000000, 0xFFFFFFFF, 0x55555555, 0xA5A5A5A5, 0x66666666] #****************************************************************************** # # Main function # #****************************************************************************** def main(): # Read the binary file from the command line. with open(args.binfile, mode='rb') as binfile: clear_application= binfile.read() print('Loading Clear application {} bytes from {}...'.format(len(clear_application), args.binfile), flush=True) plaintext = pad_to_block_size(clear_application, 4) ivVal = word_from_bytes(os.urandom(4), 0) print("Initialization Vector") print(hex(ivVal)) application = encrypt_app(args.keyidxVal, plaintext, ivVal) trailer = sec_trailer(args.keyidxVal, plaintext, ivVal, int(args.protectionVal, 0)) print('Saving encrypted image {} bytes to {}...'.format(len(application), args.encimagefile), flush=True) with open(args.encimagefile, mode='wb') as encimagefile: encimagebytearray = bytearray(application) encimagefile.write(encimagebytearray) print('Saving security trailer {} bytes to {}...'.format(len(trailer), args.sectrailerfile), flush=True) with open(args.sectrailerfile, mode='wb') as sectrailerfile: trailerbytearray = bytearray(trailer) sectrailerfile.write(trailerbytearray) print('Done.') #****************************************************************************** # # Turn a 32-bit number into a series of bytes for transmission. # # This command will split a 32-bit integer into an array of bytes, ordered # LSB-first for transmission over the UART. # #****************************************************************************** def int_to_bytes(n): A = [n & 0xFF, (n >> 8) & 0xFF, (n >> 16) & 0xFF, (n >> 24) & 0xFF] return A #****************************************************************************** # # Extract a word from a byte array # #****************************************************************************** def word_from_bytes(B, n): return (B[n] + (B[n + 1] << 8) + (B[n + 2] << 16) + (B[n + 3] << 24)) #****************************************************************************** # # CRC function that matches the CRC used by the Apollo bootloader. # #****************************************************************************** poly32 = 0x1EDC6F41 def crc32(L): rem = 0 for b in L: rem = rem ^ (b << 24) for i in range(8): if rem & 0x80000000: rem = ((rem << 1) ^ poly32) else: rem = (rem << 1) rem = rem & 0xFFFFFFFF return rem def pad_to_block_size(text, block_size): text_length = len(text) amount_to_pad = block_size - (text_length % block_size) if amount_to_pad == 0: amount_to_pad = block_size for i in range(0, amount_to_pad, 1): text += bytes(chr(amount_to_pad), 'ascii') return text def encrypt_app(keyidx, clear_app, iv): key32 = keyTbl[keyidx] applen = len(clear_app) enc_app = [] for i in range(0, applen, 4): word = word_from_bytes(clear_app, i) word = (word ^ iv) ^ key32 iv = word enc_app.extend(int_to_bytes(word)) return enc_app def sec_trailer(keyidx, clear_app, iv, protection): key32 = keyTbl[keyidx] secTrailer = [] secTrailer.extend(int_to_bytes(keyidx)) secTrailer.extend(int_to_bytes(protection)) applen = len(clear_app) secTrailer.extend(int_to_bytes(applen)) crc = crc32(clear_app) sig = key32 ^ crc secTrailer.extend(int_to_bytes(sig)) secTrailer.extend(int_to_bytes(iv)) # Trailer Signature secTrailerSig = crc32(secTrailer) ^ key32 secTrailer.extend(int_to_bytes(secTrailerSig)) return secTrailer #****************************************************************************** # # Main program flow # #****************************************************************************** if __name__ == '__main__': parser = argparse.ArgumentParser(description = 'Secure Image generation utility for Apollo or Apollo2') parser.add_argument('binfile', help = 'Binary file to program into the target device') parser.add_argument('keyidxVal', default=0, type=int, help = 'encryption key index') parser.add_argument('protectionVal', default=0, help = 'Image Protection Value (hex)') parser.add_argument('encimagefile', help = 'Destination file for Encrypted image') parser.add_argument('sectrailerfile', help = 'Destination file for security trailer') args = parser.parse_args() main()
[ 1, 18787, 4855, 29914, 2109, 29914, 6272, 3017, 29941, 13, 13, 5215, 1852, 5510, 13, 5215, 10876, 13, 5215, 2897, 13, 13, 29937, 910, 1820, 1591, 756, 304, 1993, 278, 697, 297, 6579, 12657, 13, 1989, 29911, 2204, 353, 518, 29900, 29916, 2287, 3035, 15349, 29638, 29892, 29871, 29900, 29916, 23184, 23184, 29892, 29871, 29900, 29916, 29896, 29896, 29896, 29896, 29896, 29896, 29896, 29896, 29892, 29871, 29900, 29916, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29892, 29871, 29900, 29916, 22098, 22098, 29892, 29871, 29900, 29916, 29945, 29945, 29945, 29945, 29945, 29945, 29945, 29945, 29892, 29871, 29900, 29916, 29909, 29945, 29909, 29945, 29909, 29945, 29909, 29945, 29892, 29871, 29900, 29916, 29953, 29953, 29953, 29953, 29953, 29953, 29953, 29953, 29962, 13, 13, 29937, 7775, 7775, 7775, 7775, 4189, 2328, 1068, 13, 29937, 13, 29937, 4241, 740, 13, 29937, 13, 29937, 7775, 7775, 7775, 7775, 4189, 2328, 1068, 13, 1753, 1667, 7295, 13, 13, 1678, 396, 7523, 278, 7581, 934, 515, 278, 1899, 1196, 29889, 13, 1678, 411, 1722, 29898, 5085, 29889, 2109, 1445, 29892, 4464, 2433, 6050, 1495, 408, 9016, 1445, 29901, 13, 4706, 2821, 29918, 6214, 29922, 9016, 1445, 29889, 949, 580, 13, 13, 1678, 1596, 877, 23456, 17732, 2280, 6571, 6262, 515, 6571, 856, 4286, 4830, 29898, 2435, 29898, 8551, 29918, 6214, 511, 6389, 29889, 2109, 1445, 511, 28371, 29922, 5574, 29897, 13, 29871, 13, 1678, 8656, 726, 353, 17132, 29918, 517, 29918, 1271, 29918, 2311, 29898, 8551, 29918, 6214, 29892, 29871, 29946, 29897, 13, 13, 1678, 20444, 1440, 353, 1734, 29918, 3166, 29918, 13193, 29898, 359, 29889, 332, 2685, 29898, 29946, 511, 29871, 29900, 29897, 13, 1678, 1596, 703, 15514, 2133, 16510, 1159, 13, 1678, 1596, 29898, 20970, 29898, 440, 1440, 876, 13, 1678, 2280, 353, 27924, 29918, 932, 29898, 5085, 29889, 1989, 13140, 1440, 29892, 8656, 726, 29892, 20444, 1440, 29897, 13, 1678, 1020, 3955, 353, 5226, 29918, 3018, 3955, 29898, 5085, 29889, 1989, 13140, 1440, 29892, 8656, 726, 29892, 20444, 1440, 29892, 938, 29898, 5085, 29889, 14676, 428, 1440, 29892, 29871, 29900, 876, 13, 13, 1678, 1596, 877, 29903, 5555, 23220, 1967, 6571, 6262, 304, 6571, 856, 4286, 4830, 29898, 2435, 29898, 6214, 511, 6389, 29889, 3977, 3027, 1445, 511, 28371, 29922, 5574, 29897, 13, 1678, 411, 1722, 29898, 5085, 29889, 3977, 3027, 1445, 29892, 4464, 2433, 29893, 29890, 1495, 408, 2094, 3027, 1445, 29901, 13, 4706, 2094, 3027, 10389, 2378, 353, 7023, 2378, 29898, 6214, 29897, 13, 4706, 2094, 3027, 1445, 29889, 3539, 29898, 3977, 3027, 10389, 2378, 29897, 13, 13, 1678, 1596, 877, 29903, 5555, 6993, 1020, 3955, 6571, 6262, 304, 6571, 856, 4286, 4830, 29898, 2435, 29898, 3018, 3955, 511, 6389, 29889, 8803, 336, 3955, 1445, 511, 28371, 29922, 5574, 29897, 13, 1678, 411, 1722, 29898, 5085, 29889, 8803, 336, 3955, 1445, 29892, 4464, 2433, 29893, 29890, 1495, 408, 21149, 336, 3955, 1445, 29901, 13, 4706, 1020, 3955, 10389, 2378, 353, 7023, 2378, 29898, 3018, 3955, 29897, 13, 4706, 21149, 336, 3955, 1445, 29889, 3539, 29898, 3018, 3955, 10389, 2378, 29897, 13, 13, 1678, 1596, 877, 25632, 29889, 1495, 13, 13, 29937, 7775, 7775, 7775, 7775, 4189, 2328, 1068, 13, 29937, 13, 29937, 9603, 263, 29871, 29941, 29906, 29899, 2966, 1353, 964, 263, 3652, 310, 6262, 363, 22713, 29889, 13, 29937, 13, 29937, 910, 1899, 674, 6219, 263, 29871, 29941, 29906, 29899, 2966, 6043, 964, 385, 1409, 310, 6262, 29892, 10372, 13, 29937, 365, 1744, 29899, 4102, 363, 22713, 975, 278, 501, 8322, 29889, 13, 29937, 13, 29937, 7775, 7775, 7775, 7775, 4189, 2328, 1068, 13, 1753, 938, 29918, 517, 29918, 13193, 29898, 29876, 1125, 13, 1678, 319, 353, 518, 29876, 669, 29871, 29900, 29916, 4198, 29892, 13, 308, 313, 29876, 5099, 29871, 29947, 29897, 669, 29871, 29900, 29916, 4198, 29892, 13, 308, 313, 29876, 5099, 29871, 29896, 29953, 29897, 669, 29871, 29900, 29916, 4198, 29892, 13, 308, 313, 29876, 5099, 29871, 29906, 29946, 29897, 669, 29871, 29900, 29916, 4198, 29962, 13, 13, 1678, 736, 319, 13, 13, 29937, 7775, 7775, 7775, 7775, 4189, 2328, 1068, 13, 29937, 13, 29937, 7338, 1461, 263, 1734, 515, 263, 7023, 1409, 13, 29937, 13, 29937, 7775, 7775, 7775, 7775, 4189, 2328, 1068, 13, 1753, 1734, 29918, 3166, 29918, 13193, 29898, 29933, 29892, 302, 1125, 13, 1678, 736, 313, 29933, 29961, 29876, 29962, 718, 313, 29933, 29961, 29876, 718, 29871, 29896, 29962, 3532, 29871, 29947, 29897, 718, 313, 29933, 29961, 29876, 718, 29871, 29906, 29962, 3532, 29871, 29896, 29953, 29897, 718, 313, 29933, 29961, 29876, 718, 29871, 29941, 29962, 3532, 29871, 29906, 29946, 876, 13, 13, 29937, 7775, 7775, 7775, 7775, 4189, 2328, 1068, 13, 29937, 13, 29937, 315, 10363, 740, 393, 7087, 278, 315, 10363, 1304, 491, 278, 28017, 417, 6579, 12657, 29889, 13, 29937, 13, 29937, 7775, 7775, 7775, 7775, 4189, 2328, 1068, 13, 22678, 29941, 29906, 353, 29871, 29900, 29916, 29896, 3352, 29907, 29953, 29943, 29946, 29896, 13, 1753, 2181, 29883, 29941, 29906, 29898, 29931, 1125, 13, 1678, 1083, 353, 29871, 29900, 13, 1678, 363, 289, 297, 365, 29901, 13, 4706, 1083, 353, 1083, 6228, 313, 29890, 3532, 29871, 29906, 29946, 29897, 13, 4706, 363, 474, 297, 3464, 29898, 29947, 1125, 13, 9651, 565, 1083, 669, 29871, 29900, 29916, 29947, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29901, 13, 18884, 1083, 353, 5135, 1745, 3532, 29871, 29896, 29897, 6228, 15680, 29941, 29906, 29897, 13, 9651, 1683, 29901, 13, 18884, 1083, 353, 313, 1745, 3532, 29871, 29896, 29897, 13, 13, 9651, 1083, 353, 1083, 669, 29871, 29900, 29916, 22098, 22098, 13, 1678, 736, 1083, 13, 13, 13, 1753, 17132, 29918, 517, 29918, 1271, 29918, 2311, 29898, 726, 29892, 2908, 29918, 2311, 1125, 13, 1678, 1426, 29918, 2848, 353, 7431, 29898, 726, 29897, 13, 1678, 5253, 29918, 517, 29918, 8305, 353, 2908, 29918, 2311, 448, 313, 726, 29918, 2848, 1273, 2908, 29918, 2311, 29897, 13, 1678, 565, 5253, 29918, 517, 29918, 8305, 1275, 29871, 29900, 29901, 13, 4706, 5253, 29918, 517, 29918, 8305, 353, 2908, 29918, 2311, 13, 1678, 363, 474, 297, 3464, 29898, 29900, 29892, 5253, 29918, 517, 29918, 8305, 29892, 29871, 29896, 1125, 13, 4706, 1426, 4619, 6262, 29898, 22495, 29898, 14506, 29918, 517, 29918, 8305, 511, 525, 294, 18869, 1495, 13, 1678, 736, 1426, 13, 13, 1753, 27924, 29918, 932, 29898, 1989, 13140, 29892, 2821, 29918, 932, 29892, 20444, 1125, 13, 1678, 1820, 29941, 29906, 353, 1820, 29911, 2204, 29961, 1989, 13140, 29962, 13, 1678, 623, 2435, 353, 7431, 29898, 8551, 29918, 932, 29897, 13, 1678, 2094, 29918, 932, 353, 5159, 13, 1678, 363, 474, 297, 3464, 29898, 29900, 29892, 623, 2435, 29892, 29871, 29946, 1125, 13, 4706, 1734, 353, 1734, 29918, 3166, 29918, 13193, 29898, 8551, 29918, 932, 29892, 474, 29897, 13, 4706, 1734, 353, 313, 1742, 6228, 20444, 29897, 6228, 1820, 29941, 29906, 13, 4706, 20444, 353, 1734, 13, 4706, 2094, 29918, 932, 29889, 21843, 29898, 524, 29918, 517, 29918, 13193, 29898, 1742, 876, 13, 1678, 736, 2094, 29918, 932, 13, 13, 1753, 5226, 29918, 3018, 3955, 29898, 1989, 13140, 29892, 2821, 29918, 932, 29892, 20444, 29892, 13047, 1125, 13, 1678, 1820, 29941, 29906, 353, 1820, 29911, 2204, 29961, 1989, 13140, 29962, 13, 1678, 5226, 5323, 3955, 353, 5159, 13, 1678, 5226, 5323, 3955, 29889, 21843, 29898, 524, 29918, 517, 29918, 13193, 29898, 1989, 13140, 876, 13, 1678, 5226, 5323, 3955, 29889, 21843, 29898, 524, 29918, 517, 29918, 13193, 29898, 14676, 428, 876, 13, 1678, 623, 2435, 353, 7431, 29898, 8551, 29918, 932, 29897, 13, 1678, 5226, 5323, 3955, 29889, 21843, 29898, 524, 29918, 517, 29918, 13193, 29898, 932, 2435, 876, 13, 1678, 2181, 29883, 353, 2181, 29883, 29941, 29906, 29898, 8551, 29918, 932, 29897, 13, 1678, 4365, 353, 1820, 29941, 29906, 6228, 2181, 29883, 13, 1678, 5226, 5323, 3955, 29889, 21843, 29898, 524, 29918, 517, 29918, 13193, 29898, 18816, 876, 13, 1678, 5226, 5323, 3955, 29889, 21843, 29898, 524, 29918, 517, 29918, 13193, 29898, 440, 876, 13, 1678, 396, 3201, 3955, 9954, 1535, 13, 1678, 5226, 5323, 3955, 29903, 335, 353, 2181, 29883, 29941, 29906, 29898, 3471, 5323, 3955, 29897, 6228, 1820, 29941, 29906, 13, 1678, 5226, 5323, 3955, 29889, 21843, 29898, 524, 29918, 517, 29918, 13193, 29898, 3471, 5323, 3955, 29903, 335, 876, 13, 1678, 736, 5226, 5323, 3955, 13, 13, 29937, 7775, 7775, 7775, 7775, 4189, 2328, 1068, 13, 29937, 13, 29937, 4241, 1824, 4972, 13, 29937, 13, 29937, 7775, 7775, 7775, 7775, 4189, 2328, 1068, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 13, 1678, 13812, 353, 1852, 5510, 29889, 15730, 11726, 29898, 8216, 353, 13, 462, 462, 268, 525, 7898, 545, 7084, 12623, 19725, 363, 28017, 417, 470, 28017, 417, 29906, 1495, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 2109, 1445, 742, 13, 462, 4706, 1371, 353, 525, 25196, 934, 304, 1824, 964, 278, 3646, 4742, 1495, 13, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 1989, 13140, 1440, 742, 2322, 29922, 29900, 29892, 1134, 29922, 524, 29892, 1371, 353, 525, 3977, 14272, 1820, 2380, 1495, 13, 29871, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 14676, 428, 1440, 742, 2322, 29922, 29900, 29892, 1371, 353, 525, 2940, 14409, 428, 7865, 313, 20970, 29897, 1495, 13, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 3977, 3027, 1445, 742, 1371, 353, 525, 14994, 3381, 934, 363, 11346, 14740, 1967, 1495, 13, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 8803, 336, 3955, 1445, 742, 1371, 353, 525, 14994, 3381, 934, 363, 6993, 1020, 3955, 1495, 13, 13, 1678, 6389, 353, 13812, 29889, 5510, 29918, 5085, 580, 13, 13, 1678, 1667, 580, 13, 2 ]
riseofsavior.py
aimogue/Adventure-game---Rise-of-Savior
2
127973
import sys import os import time import random import keyboard from console.screen import sc from rich.console import Console mythical_creature_list = None male_name_list = None both_sex_name_list = None name_of_queen = None weapon_type_list = None your_weapon_type = None name_of_trainer = None def print_delay(message): console = Console() i = 0.05 for c in '\n' + message: with sc.location(0, 0): console.print('Press [Backspace] to skip conversations', style='reverse') if keyboard.is_pressed('backspace'): i = 0 sys.stdout.write(c) sys.stdout.flush() # defeat buffering time.sleep(random.random() * i) def print_delay_dialogue(name, message): print_delay(f"{name}: \"{message}\"") def binary_decision(request1, request2): print("\nEnter 1 to" + request1) print("Enter 2 to" + request2) print("What would you like to do?") answer = input("(Please Enter 1 or 2)\n") while answer != "1" and answer != "2": answer = binary_decision(request1, request2) return answer def binary_outcome(choice, path1, path2): if choice == "1": path1() elif choice == "2": path2() def retry_path(): print_delay("Let's run this back.") start() def exit_path(): print_delay("Goodbye!") quit() def prompt_try_again(outcome_boolean): if outcome_boolean: print_delay("CONGRULATION, YOU WIN!") else: print_delay("Clearly, you lose …") print_delay("GAME OVER!") choice_try_again = binary_decision(" try again", " quit.") binary_outcome(choice_try_again, retry_path, exit_path) def start(): os.system("title Rise of Savior") os.system('cls') print_delay("You are having a hard time falling asleep," " so you decided to go for a stroll in your neighborhood.") print_delay("As you are walking, you notice a large vintage-looking" " leather book laying on a pile of garbage.") print_delay("Despite the distasteful smell, you decide to pick up the" " book and you read the cover title:") print_delay("\n-------------- REPRISE OF THE HOLY HERO --------------") print_delay("You open the book and it only has one page with writing." " It reads as follow:") print_delay("A legendary hero is needed to save our world." " Will you be our savior?") choice1 = binary_decision(" be a savior.", " be a bystander.") binary_outcome(choice1, choice1_path1, choice1_path2) def choice1_path2(): print_delay("You have chosen to be a bystander and you are privileged" " enough to witness something.") print_delay("Kick back. Grab some popcorn and watch the destruction of" " their world as well as yours!") print_delay("In a flash, the book burns and the whole area is engulfed" " in complete calamity.") prompt_try_again(False) def queen_weapon_comment(weapon): if weapon == "sword": return "This sword will allow you to slice through your enemies." elif weapon == "axe": return "You have received a weapon with great"\ "brut force. Use it wisely!" elif weapon == "gun": return "With this weapon, you will become a"\ "master of long-range combat." elif weapon == "shield": return "You're ability to defend and counter will be unmatched"\ "with this holy shield." elif weapon == "spear": return "You have received a very versatile weapon." def choice1_path1(): global mythical_creature_list print_delay("As you finished reading the prompt and ponder on the idea" " of being a hero, the book heats up and a huge flash of" " light stuns you.") print_delay("Suddenly …") color_list = ['blue', 'red', 'yellow', 'green', 'orange', 'purple', 'brown', 'black', 'white', 'grey'] color_of_cloak = random.choice(color_list) print_delay("You wake up and find yourself surrounded by individuals" f"in {color_of_cloak} cloaks.") mythical_creature_list = ['Elf', 'Titan', 'Dwarf', 'Fairy', 'Ogre', 'Werewolf', 'Slim', 'Chimera', 'Ghost', 'Dragon'] female_name_list = ['Ruth', 'Eleanor', 'Prudence', 'Sylvia', 'Wihelmina', 'Deborah', 'Hazel', 'Adeline', 'Geraldine', 'Zenobia'] global male_name_list male_name_list = ['Furman', 'Huxley', 'Alaric', 'Geoffrey', 'Jasper', 'Edison', 'Gert', 'Lamont', 'Manfred', 'Ragnar'] global both_sex_name_list both_sex_name_list = female_name_list + male_name_list global name_of_queen name_of_queen = random.choice(female_name_list) female_name_list.remove(name_of_queen) tribe_of_queen = random.choice(mythical_creature_list) timeline_before_battle_list = [3, 6, 9, 12, 24, 48] timeline_before_battle = random.choice(timeline_before_battle_list) print_delay(f"She then says: \"My name is {name_of_queen}, I am the" f" leader of the {tribe_of_queen} tribe and the" " representative of all the tribes in our world.") print_delay_dialogue(name_of_queen, "We have summoned you from your" " world through great sacrifice to defeat an evil" " malice that will threaten the very existence of" " both our worlds.") print_delay_dialogue(name_of_queen, "We need your strength and courage to" " defeat this foe. This foe will invade our worlds in" f" {timeline_before_battle} months.") print_delay("You tell them that in your world that humans have nuclear" " weapons, heavy artillery, robotics, biological weapons and" " possibly a billion soldiers.") print_delay("However, they inform you that only one person can travel" " between worlds every 2000 years and both parallel worlds" " are linked via Muller High-Dimensional Strings.") print_delay("As a result, if this parallel world is destroyed, so shall" " Earth suffer the same fate.") print_delay(f"The reality sinks in but {name_of_queen} says that she has" " something to give you.") print_delay_dialogue(name_of_queen, "In our world, they are 5 holy weapon" " types in our world: sword, axe, gun, shield and" " spear.") print_delay_dialogue(name_of_queen, "Every individual in our world" " including you has a weapon-type.") print_delay_dialogue(name_of_queen, "We shall give you a vessel" " weapon that will transform into either of those" " 5 types upon contact.") global weapon_type_list weapon_type_list = ["sword", "axe", "gun", "shield", "spear"] global your_weapon_type your_weapon_type = random.choice(weapon_type_list) print_delay("You grab the vessel weapon that feels like" f" clay and it looks like it's a {your_weapon_type}.") print_delay_dialogue(name_of_queen, "Congragulation, you have acquired" f" a holy {your_weapon_type}.") print_delay_dialogue(name_of_queen, queen_weapon_comment(your_weapon_type)) print_delay_dialogue(name_of_queen, "We shall also provide you with only" " 4 support-warriors for battle due to the" " constraints of an evil barrier" " protecting its realm.") print_delay_dialogue(name_of_queen, "You will get to build your team" " to invade the evil realm very soon!") global name_of_trainer name_of_trainer = random.choice(male_name_list) male_name_list.remove(name_of_trainer) trainer_tribe = random.choice(mythical_creature_list) print_delay("She then provides you with exquisite armor, money," " accommodations as well as a trainer" f" named: {name_of_trainer} of the {trainer_tribe} tribe.") print_delay("He marchs towards you.") print_delay_dialogue(name_of_trainer, "Will you accept me as" " your trainer?") choice2 = binary_decision(f" accept {name_of_trainer}'s offer.", f" reject {name_of_trainer}'s offer.") binary_outcome(choice2, choice2path1, choice2path2) def choice2path2(): print_delay("You tell him that you are more of a lone wolf" " and that you would like to figure things out" " on your own but …") print_delay_dialogue(name_of_trainer, f"I understand but are" " you sure that I cannot assist you or" " provide any help?") choice2_1 = binary_decision(f" accept {name_of_trainer}'s" " final offer.", " reject" f" {name_of_trainer}'s final offer.") binary_outcome(choice2_1, choice2_1path2, choice2_2path2) def choice2_2path2(): print_delay_dialogue(name_of_trainer, "Very well, I will" " respect your wishes.") solo_path3() def choice2_1path2(): print_delay_dialogue(name_of_trainer, "I am glad that you" " reco1nsidered my offer, let's start" " right away our training.") trainer_path3() def choice2path1(): print_delay_dialogue(name_of_trainer, "Thank you for accepting" " me as your trainer, we shall start your" " training immediately.") trainer_path3() def solo_path3(): print_delay("You’re training vigorously by yourself" " in the outskirt of the home base.") print_delay("You are using a trial-and-error approach" " to figure out how to use your weapon.") print_delay("You're inexperience with your weapon" " leads to a fatal injury.") print_delay("No one was there to save you and the" " worlds are left without their faithful hero.") prompt_try_again(False) def trainer_path3(): print_delay("Your training is fierce, and you are dedicated to the cause.") team_selection_path4() def warrior_template_maker(name_list, race_list, weapon_type_list): name = random.choice(name_list) race = random.choice(race_list) weapon_type = random.choice(weapon_type_list) warrior_template = [name, race, weapon_type] return warrior_template def warrior_list(team_size, name_list, race_list, weapon_type_list): index = 0 warrior_list = [] while index < team_size: warrior_template = warrior_template_maker(name_list, race_list, weapon_type_list) name_list.remove(warrior_template[0]) warrior_list.append(warrior_template) index += 1 return warrior_list def warrior_list_print(warrior, index): print(f"\nIndividual #{index+1}") print(f"Name: {warrior[0]}") print(f"Race: {warrior[1]}") print(f"Weapon-type: {warrior[2]}") def warrior_selection_print(warrior_list, round, round_boolean): if round_boolean: print(f"\n-------------- ROUND #{round} --------------") index = 0 for warriors in range(len(warrior_list)): warrior_list_print(warrior_list[index], index) index += 1 def team_size_list(choice, warrior_list_round): if choice == '1': return warrior_list_round[0] elif choice == '2': return warrior_list_round[1] def warrior_selection_process(): round = 1 round_boolean = True team_list = [] while round < 5: warrior_list_round = warrior_list(2, both_sex_name_list, mythical_creature_list, weapon_type_list) warrior_selection_print(warrior_list_round, round, round_boolean) choice3 = binary_decision(" select individual #1.", " select individual #2.") warrior_selected = team_size_list(choice3, warrior_list_round) team_list.append(warrior_selected) round += 1 your_warrior_template = ["Yourself", "Human", your_weapon_type] team_list.append(your_warrior_template) return team_list def team_selection_path4(): print_delay("Suddenly...") print_delay("A white-bearded fellow approaches you.") name_of_scout = random.choice(male_name_list) male_name_list.remove(name_of_scout) scout_tribe = random.choice(mythical_creature_list) print_delay_dialogue("White-bearded fellow", "Dear hero, my name is" f" {name_of_scout} of the" f" {scout_tribe} tribe and" " I am the weapon designer for our faction.") print_delay_dialogue(name_of_scout, "We shall go through 4 selection" " rounds and you shall choose one warrior among" " the pairs that are presented to you.") print_delay_dialogue(name_of_scout, "Please remember creating a balanced" " team is key! All warriors will be presented based" " on their names, race and most importantly" " weapon-type.") print_delay_dialogue(name_of_scout, "Let’s begin: ") teammates_list = warrior_selection_process() print_delay_dialogue(name_of_scout, "You have now selected your team;" " you may proceed to train together.") print_delay("You train with your team for months and" " the time has finally come to go to the evil realm.") print_delay_dialogue(name_of_queen, "You are guide by" f" {name_of_queen} to the barrier.") print_delay_dialogue(name_of_queen, "Good luck my heroes!") barrier_battle_path5(teammates_list) def warrior_binary_list_round(warrior_list): warrior_binary_list = [] index_list = range(len(warrior_list)) for warriors in range(2): index = random.choice(index_list) warrior_binary_list.append(warrior_list[index]) return warrior_binary_list def warrior_binary_options_print(warrior_binary_list, evil_leader_name, evil_team_boolean): if warrior_binary_list[0] == warrior_binary_list[1]: if evil_team_boolean and warrior_binary_list[0][0] == evil_leader_name: print_delay_dialogue(evil_leader_name, "It seems the dice has" " chosen myself as the contestant" " for this round.") elif evil_team_boolean and \ warrior_binary_list[0][0] != evil_leader_name: print_delay_dialogue(evil_leader_name, "It seems the dice has" " chosen one of my fateful warriors.") elif not evil_team_boolean and warrior_binary_list[0][0] == "Yourself": print_delay("You will be the fighter for this round.") elif not evil_team_boolean and warrior_binary_list[0][0] != "Yourself": print_delay("Your dice role has yielded two identical names.") else: if evil_team_boolean: print_delay_dialogue(evil_leader_name, f"I will choose between" " two of my fateful warriors for" " this fight.") elif not evil_team_boolean: print_delay("You must choose between your two provided options.") def round_introduction_print(round): print_delay(f"THIS IS ROUND #{round}.") print_delay("It is time to roll the dices.") print_delay("Here are the results for the dice roll.") def input_dictionnary_check(keys, values, weapon): if weapon in keys: dictionnary = dict(zip(keys, values)) return dictionnary else: print("Wrong weapon was passed.") def battle_result(weapon_avenger, weapon_enemy): weapons_list = ["axe", "gun", "shield", "spear", "sword"] results_lists = [{0: 0, 1: -1, 2: 1, 3: 1, 4: -1}, {0: 1, 1: 0, 2: -1, 3: -1, 4: 1}, {0: -1, 1: 1, 2: 0, 3: 1, 4: -1}, {0: -1, 1: 1, 2: -1, 3: 0, 4: 1}, {0: 1, 1: -1, 2: 1, 3: -1, 4: 0}] integer_list = [0, 1, 2, 3, 4] converter_dictionnary = input_dictionnary_check(weapons_list, integer_list, weapon_enemy) results_nested_dictionnary = input_dictionnary_check(weapons_list, results_lists, weapon_avenger) interger_weapon_enemy = converter_dictionnary.get(weapon_enemy) avenger_match_result = results_nested_dictionnary[weapon_avenger][ interger_weapon_enemy] return avenger_match_result def score_updater(value, your_team_total_score, enemy_team_total_score): team_score_list = [your_team_total_score, enemy_team_total_score] if value == 1: print_delay("You win this round.") team_score_list[0] += 1 print_delay("The total score on your party is" f" {team_score_list[0]} and the enemy's" f" is {team_score_list[1]}.") return team_score_list elif value == -1: print_delay("You lose this round.") team_score_list[1] += 1 print_delay("The total score on your party is" f" {team_score_list[0]} and the enemy's is" f" {team_score_list[1]}.") return team_score_list elif value == 0: print_delay("It's a tie for this round") print_delay("The total score on your party is" f" {team_score_list[0]} and the enemy's is" f" {team_score_list[1]}.") return team_score_list def game_outcome(your_team_total_score, enemy_team_total_score, evil_leader_name): if your_team_total_score > enemy_team_total_score: print_delay("It seems you have won the fiend's game.") print_delay_dialogue(evil_leader_name, "Congrats on your victory" " as promised we will surrender.") print_delay_dialogue(evil_leader_name, "Farewell!") print_delay("The evil creatures start to fadeaway" " and so does the barrier.") prompt_try_again(True) elif enemy_team_total_score > your_team_total_score: print_delay_dialogue(evil_leader_name, "I guess we are victorious.") print_delay_dialogue(evil_leader_name, "Enjoy oblivion!") prompt_try_again(False) def warrior_games(team_list, evil_warriors_list, evil_leader_name): round = 1 your_team_total_score = 0 enemy_team_total_score = 0 while your_team_total_score < 4 and enemy_team_total_score < 3: your_team_options = warrior_binary_list_round(team_list) enemy_team_options = warrior_binary_list_round(evil_warriors_list) round_introduction_print(round) print_delay("ENEMY TEAM:") warrior_selection_print(enemy_team_options, round, False) print_delay("Your TEAM:") warrior_selection_print(your_team_options, round, False) warrior_binary_options_print(enemy_team_options, evil_leader_name, True) warrior_binary_options_print(your_team_options, evil_leader_name, False) choice4 = binary_decision(" select individual #1.", " select individual #2.") your_warrior_selected = team_size_list(choice4, your_team_options) enemy_warrior_selected = random.choice(enemy_team_options) weapon_of_your_warrior = your_warrior_selected[2] weapon_of_your_enemy = enemy_warrior_selected[2] value_round = battle_result(weapon_of_your_warrior, weapon_of_your_enemy) score_list = score_updater(value_round, your_team_total_score, enemy_team_total_score) your_team_total_score = score_list[0] enemy_team_total_score = score_list[1] round += 1 game_outcome(your_team_total_score, enemy_team_total_score, evil_leader_name) def barrier_battle_path5(team_list): villain_name_list = ['Frieza', 'Voldermort', 'Moro', 'Scar', 'Madara', 'Loki', '<NAME>', '<NAME>', 'Envy', 'Dante'] evil_creature_list = ['Devil', 'Goblin', 'Satan Moth', 'Dark Sorcerer', 'Dark Elf', 'Vampire', 'Draugr', 'Arachne', 'Cerberus', 'Ammit'] evil_leader_tribe = random.choice(evil_creature_list) evil_leader_name = random.choice(villain_name_list) villain_name_list.remove(evil_leader_name) print_delay("You penetrate the barrier with your team, and" " you are greeted by a fiend.") print_delay("As it approaches you, your whole team including" " yourself is unable to move.") print_delay_dialogue("Fiend", f"My name is {evil_leader_name} of the" f" {evil_leader_tribe} tribe.") print_delay_dialogue(evil_leader_name, "I am the leader of the wonderful" " movement that will reshape our worlds.") print_delay_dialogue(evil_leader_name, "Don’t worry I will not hurt you" " yet!") print_delay_dialogue(evil_leader_name, "Let’s play a game to decide" " the fate of our worlds.") evil_warriors_list = warrior_list(4, villain_name_list, evil_creature_list, weapon_type_list) evil_leader_weapon = random.choice(weapon_type_list) evil_leader_warrior_template = [evil_leader_name, evil_leader_tribe, evil_leader_weapon] evil_warriors_list.append(evil_leader_warrior_template) print_delay_dialogue(evil_leader_name, "I have 4 supporting teammates so" " both parties have 5 members in total including the" " leaders of course.") print_delay_dialogue(evil_leader_name, "We shall have 1-on-1 fights where" " a contestant will come from each party.") print_delay_dialogue(evil_leader_name, "A victory in a fight will result" " in that party receiving a point.") print_delay_dialogue(evil_leader_name, "First team to win 3 rounds wins" " the game.") print_delay_dialogue(evil_leader_name, "You win and we will surrender." " On the other hand, if you lose hahahaah…") print_delay_dialogue(evil_leader_name, "I don’t have to tell you what will" " happen.") print_delay_dialogue(evil_leader_name, "Each team will be handed two" " five-faced dices with each face will have the name" " of the contestant.") print_delay_dialogue(evil_leader_name, "We both roll our dices and" " based on the names presented on the dice; each" " team shall decide whom from the two names presented" " shall represent their team for that round.") print_delay_dialogue(evil_leader_name, "This decision of each team" " will only be revealed right before a round" " must begin.") print_delay_dialogue(evil_leader_name, "If both dices result in the" " same name that contestant must represent the" " team for that round.") print_delay_dialogue(evil_leader_name, "A contestant can participate" " in more than one round.") print_delay("You notice the enemies have similar weapons as yours.") print_delay("You remember that each weapon-type can beat two types," " lose to two other types and come in a stalemate" " in a mirror match.") print_delay("unfortunately, you don't remember the" " advantageous matchups but suddenly ...") print_delay_dialogue(evil_leader_name, "Let's begin the games!") warrior_games(team_list, evil_warriors_list, evil_leader_name) if __name__ == "__main__": start()
[ 1, 1053, 10876, 30004, 13, 5215, 2897, 30004, 13, 5215, 931, 30004, 13, 5215, 4036, 30004, 13, 5215, 12247, 30004, 13, 3166, 2991, 29889, 10525, 1053, 885, 30004, 13, 3166, 8261, 29889, 11058, 1053, 9405, 30004, 13, 30004, 13, 30004, 13, 1357, 386, 936, 29918, 1037, 1535, 29918, 1761, 353, 6213, 30004, 13, 19202, 29918, 978, 29918, 1761, 353, 6213, 30004, 13, 20313, 29918, 14167, 29918, 978, 29918, 1761, 353, 6213, 30004, 13, 978, 29918, 974, 29918, 802, 264, 353, 6213, 30004, 13, 705, 481, 265, 29918, 1853, 29918, 1761, 353, 6213, 30004, 13, 8066, 29918, 705, 481, 265, 29918, 1853, 353, 6213, 30004, 13, 978, 29918, 974, 29918, 3018, 4983, 353, 6213, 30004, 13, 30004, 13, 1678, 6756, 13, 30004, 13, 1753, 1596, 29918, 18829, 29898, 4906, 1125, 30004, 13, 1678, 2991, 353, 9405, 26471, 13, 1678, 474, 353, 29871, 29900, 29889, 29900, 29945, 30004, 13, 1678, 363, 274, 297, 11297, 29876, 29915, 718, 2643, 29901, 6756, 13, 4706, 411, 885, 29889, 5479, 29898, 29900, 29892, 29871, 29900, 1125, 30004, 13, 9651, 2991, 29889, 2158, 877, 10923, 518, 5841, 3493, 29962, 304, 14383, 9678, 800, 742, 3114, 2433, 24244, 1495, 30004, 13, 4706, 565, 12247, 29889, 275, 29918, 13120, 877, 1627, 3493, 29374, 6756, 13, 9651, 474, 353, 29871, 29900, 30004, 13, 4706, 10876, 29889, 25393, 29889, 3539, 29898, 29883, 8443, 13, 4706, 10876, 29889, 25393, 29889, 23126, 580, 396, 20653, 6835, 292, 6756, 13, 4706, 931, 29889, 17059, 29898, 8172, 29889, 8172, 580, 334, 474, 8443, 13, 9651, 6756, 13, 30004, 13, 1753, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29892, 2643, 1125, 30004, 13, 1678, 1596, 29918, 18829, 29898, 29888, 29908, 29912, 978, 6177, 13218, 29912, 4906, 1012, 29908, 1159, 30004, 13, 30004, 13, 30004, 13, 1753, 7581, 29918, 7099, 2459, 29898, 3827, 29896, 29892, 2009, 29906, 1125, 30004, 13, 1678, 1596, 14182, 29876, 10399, 29871, 29896, 304, 29908, 718, 2009, 29896, 8443, 13, 1678, 1596, 703, 10399, 29871, 29906, 304, 29908, 718, 2009, 29906, 8443, 13, 1678, 1596, 703, 5618, 723, 366, 763, 304, 437, 29973, 1159, 30004, 13, 1678, 1234, 353, 1881, 703, 29898, 12148, 9041, 29871, 29896, 470, 29871, 29906, 2144, 29876, 1159, 30004, 13, 1678, 1550, 1234, 2804, 376, 29896, 29908, 322, 1234, 2804, 376, 29906, 1115, 30004, 13, 4706, 1234, 353, 7581, 29918, 7099, 2459, 29898, 3827, 29896, 29892, 2009, 29906, 8443, 13, 1678, 736, 1234, 30004, 13, 30004, 13, 30004, 13, 1753, 7581, 29918, 449, 2763, 29898, 16957, 29892, 2224, 29896, 29892, 2224, 29906, 1125, 30004, 13, 1678, 565, 7348, 1275, 376, 29896, 1115, 30004, 13, 4706, 2224, 29896, 26471, 13, 1678, 25342, 7348, 1275, 376, 29906, 1115, 30004, 13, 4706, 2224, 29906, 26471, 13, 30004, 13, 30004, 13, 1753, 337, 2202, 29918, 2084, 7295, 30004, 13, 4706, 1596, 29918, 18829, 703, 12024, 29915, 29879, 1065, 445, 1250, 23157, 30004, 13, 4706, 1369, 26471, 13, 30004, 13, 30004, 13, 1753, 6876, 29918, 2084, 7295, 30004, 13, 1678, 1596, 29918, 18829, 703, 18420, 26966, 29991, 1159, 30004, 13, 1678, 23283, 26471, 13, 30004, 13, 30004, 13, 1753, 9508, 29918, 2202, 29918, 351, 475, 29898, 449, 2763, 29918, 20054, 1125, 30004, 13, 1678, 565, 21957, 29918, 20054, 29901, 30004, 13, 4706, 1596, 29918, 18829, 703, 6007, 14345, 13309, 8098, 29892, 612, 27269, 399, 1177, 29991, 1159, 30004, 13, 1678, 1683, 29901, 30004, 13, 4706, 1596, 29918, 18829, 703, 18759, 368, 29892, 366, 14074, 16088, 1159, 30004, 13, 4706, 1596, 29918, 18829, 703, 12739, 2303, 438, 5348, 29991, 1159, 30004, 13, 1678, 7348, 29918, 2202, 29918, 351, 475, 353, 7581, 29918, 7099, 2459, 703, 1018, 1449, 613, 376, 23283, 23157, 30004, 13, 1678, 7581, 29918, 449, 2763, 29898, 16957, 29918, 2202, 29918, 351, 475, 29892, 337, 2202, 29918, 2084, 29892, 6876, 29918, 2084, 8443, 13, 30004, 13, 30004, 13, 1753, 1369, 7295, 30004, 13, 1678, 2897, 29889, 5205, 703, 3257, 390, 895, 310, 9583, 1611, 1159, 30004, 13, 1678, 2897, 29889, 5205, 877, 25932, 1495, 30004, 13, 30004, 13, 1678, 1596, 29918, 18829, 703, 3492, 526, 2534, 263, 2898, 931, 20327, 408, 5436, 1699, 30004, 13, 18884, 376, 577, 366, 8459, 304, 748, 363, 263, 380, 1245, 297, 596, 18403, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 2887, 366, 526, 22049, 29892, 366, 8369, 263, 2919, 325, 524, 482, 29899, 23261, 19451, 13, 18884, 376, 454, 1624, 3143, 6568, 292, 373, 263, 282, 488, 310, 25861, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 4002, 29886, 568, 278, 1320, 4350, 1319, 1560, 514, 29892, 366, 11097, 304, 5839, 701, 278, 19451, 13, 18884, 376, 3143, 322, 366, 1303, 278, 4612, 3611, 29901, 1159, 30004, 13, 1678, 1596, 29918, 18829, 14182, 29876, 9072, 489, 5195, 29829, 1660, 8079, 6093, 379, 5607, 29979, 379, 1001, 29949, 448, 9072, 29899, 1159, 30004, 13, 1678, 1596, 29918, 18829, 703, 3492, 1722, 278, 3143, 322, 372, 871, 756, 697, 1813, 411, 5007, 1213, 30004, 13, 18884, 376, 739, 13623, 408, 1101, 29901, 1159, 30004, 13, 1678, 1596, 29918, 18829, 703, 29909, 15983, 653, 13444, 338, 4312, 304, 4078, 1749, 3186, 1213, 30004, 13, 18884, 376, 2811, 366, 367, 1749, 4048, 1611, 29973, 1159, 30004, 13, 1678, 7348, 29896, 353, 7581, 29918, 7099, 2459, 703, 367, 263, 4048, 1611, 19602, 376, 367, 263, 491, 1689, 261, 23157, 30004, 13, 1678, 7581, 29918, 449, 2763, 29898, 16957, 29896, 29892, 7348, 29896, 29918, 2084, 29896, 29892, 7348, 29896, 29918, 2084, 29906, 8443, 13, 30004, 13, 30004, 13, 1753, 7348, 29896, 29918, 2084, 29906, 7295, 30004, 13, 1678, 1596, 29918, 18829, 703, 3492, 505, 10434, 304, 367, 263, 491, 1689, 261, 322, 366, 526, 14828, 3192, 19451, 13, 18884, 376, 3307, 304, 16277, 1554, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 29968, 860, 1250, 29889, 22351, 777, 1835, 29883, 1398, 322, 6505, 278, 22104, 310, 19451, 13, 18884, 376, 1009, 3186, 408, 1532, 408, 15850, 29991, 1159, 30004, 13, 1678, 1596, 29918, 18829, 703, 797, 263, 11013, 29892, 278, 3143, 12138, 29879, 322, 278, 3353, 4038, 338, 3033, 16302, 287, 19451, 13, 18884, 376, 297, 4866, 1208, 314, 537, 23157, 30004, 13, 1678, 9508, 29918, 2202, 29918, 351, 475, 29898, 8824, 8443, 13, 30004, 13, 30004, 13, 1753, 26624, 29918, 705, 481, 265, 29918, 9342, 29898, 705, 481, 265, 1125, 30004, 13, 1678, 565, 28639, 1275, 376, 29879, 1742, 1115, 30004, 13, 4706, 736, 376, 4013, 22378, 674, 2758, 366, 304, 22780, 1549, 596, 22595, 1213, 30004, 13, 1678, 25342, 28639, 1275, 376, 1165, 29872, 1115, 30004, 13, 4706, 736, 376, 3492, 505, 4520, 263, 28639, 411, 2107, 26732, 30004, 13, 1669, 376, 1182, 329, 4889, 29889, 4803, 372, 22573, 873, 3850, 30004, 13, 1678, 25342, 28639, 1275, 376, 28798, 1115, 30004, 13, 4706, 736, 376, 3047, 445, 28639, 29892, 366, 674, 4953, 263, 26732, 30004, 13, 1669, 376, 6207, 310, 1472, 29899, 3881, 15499, 1213, 30004, 13, 1678, 25342, 28639, 1275, 376, 845, 969, 1115, 30004, 13, 4706, 736, 376, 3492, 29915, 276, 11509, 304, 24663, 322, 6795, 674, 367, 443, 4352, 287, 26732, 30004, 13, 1669, 376, 2541, 445, 26630, 28761, 1213, 30004, 13, 1678, 25342, 28639, 1275, 376, 5965, 279, 1115, 30004, 13, 4706, 736, 376, 3492, 505, 4520, 263, 1407, 1224, 24285, 28639, 1213, 30004, 13, 30004, 13, 30004, 13, 1753, 7348, 29896, 29918, 2084, 29896, 7295, 30004, 13, 1678, 5534, 22082, 936, 29918, 1037, 1535, 29918, 1761, 30004, 13, 1678, 1596, 29918, 18829, 703, 2887, 366, 7743, 5183, 278, 9508, 322, 282, 8417, 373, 278, 2969, 19451, 13, 18884, 376, 310, 1641, 263, 13444, 29892, 278, 3143, 540, 1446, 701, 322, 263, 12176, 11013, 310, 19451, 13, 18884, 376, 3578, 380, 6948, 366, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 29903, 566, 1145, 368, 16088, 1159, 30004, 13, 1678, 2927, 29918, 1761, 353, 6024, 9539, 742, 525, 1127, 742, 525, 29136, 742, 525, 12692, 742, 525, 272, 927, 742, 525, 15503, 552, 23592, 13, 462, 29871, 525, 29890, 4708, 742, 525, 8517, 742, 525, 10921, 742, 525, 7979, 29891, 2033, 30004, 13, 1678, 2927, 29918, 974, 29918, 15126, 557, 353, 4036, 29889, 16957, 29898, 2780, 29918, 1761, 8443, 13, 1678, 1596, 29918, 18829, 703, 3492, 281, 1296, 701, 322, 1284, 7535, 22047, 491, 15724, 19451, 13, 18884, 285, 29908, 262, 426, 2780, 29918, 974, 29918, 15126, 557, 29913, 17184, 10327, 23157, 30004, 13, 1678, 22082, 936, 29918, 1037, 1535, 29918, 1761, 353, 6024, 6489, 29888, 742, 525, 29911, 8929, 742, 525, 29928, 4495, 29888, 742, 525, 29943, 1466, 29891, 742, 525, 29949, 7979, 23592, 13, 462, 795, 525, 29956, 406, 29893, 4369, 742, 525, 29903, 2576, 742, 525, 1451, 326, 1572, 742, 525, 29954, 3069, 23592, 13, 462, 795, 525, 23978, 265, 2033, 30004, 13, 1678, 12944, 29918, 978, 29918, 1761, 353, 6024, 29934, 2806, 742, 525, 29923, 14044, 272, 742, 525, 4040, 566, 663, 742, 525, 29903, 2904, 6071, 742, 525, 29956, 29875, 9421, 1099, 23592, 13, 462, 4706, 525, 10251, 272, 801, 742, 525, 29950, 834, 295, 742, 525, 3253, 5570, 742, 525, 29954, 261, 2741, 457, 742, 525, 29999, 264, 711, 423, 2033, 30004, 13, 1678, 5534, 14263, 29918, 978, 29918, 1761, 30004, 13, 1678, 14263, 29918, 978, 29918, 1761, 353, 6024, 29943, 332, 1171, 742, 525, 29950, 1314, 2330, 742, 525, 2499, 279, 293, 742, 525, 7999, 2696, 8903, 742, 525, 29967, 294, 546, 23592, 13, 462, 418, 525, 29923, 2218, 265, 742, 525, 29954, 814, 742, 525, 29931, 314, 609, 742, 525, 2517, 18447, 742, 525, 29934, 4211, 279, 2033, 30004, 13, 1678, 5534, 1716, 29918, 14167, 29918, 978, 29918, 1761, 30004, 13, 1678, 1716, 29918, 14167, 29918, 978, 29918, 1761, 353, 12944, 29918, 978, 29918, 1761, 718, 14263, 29918, 978, 29918, 1761, 30004, 13, 1678, 5534, 1024, 29918, 974, 29918, 802, 264, 30004, 13, 1678, 1024, 29918, 974, 29918, 802, 264, 353, 4036, 29889, 16957, 29898, 29888, 331, 744, 29918, 978, 29918, 1761, 8443, 13, 1678, 12944, 29918, 978, 29918, 1761, 29889, 5992, 29898, 978, 29918, 974, 29918, 802, 264, 8443, 13, 1678, 29563, 29918, 974, 29918, 802, 264, 353, 4036, 29889, 16957, 29898, 1357, 386, 936, 29918, 1037, 1535, 29918, 1761, 8443, 13, 1678, 5335, 5570, 29918, 11083, 29918, 29890, 5315, 29918, 1761, 353, 518, 29941, 29892, 29871, 29953, 29892, 29871, 29929, 29892, 29871, 29896, 29906, 29892, 29871, 29906, 29946, 29892, 29871, 29946, 29947, 29962, 30004, 13, 1678, 5335, 5570, 29918, 11083, 29918, 29890, 5315, 353, 4036, 29889, 16957, 29898, 9346, 5570, 29918, 11083, 29918, 29890, 5315, 29918, 1761, 8443, 13, 1678, 1596, 29918, 18829, 29898, 29888, 29908, 13468, 769, 4083, 29901, 13218, 3421, 1024, 338, 426, 978, 29918, 974, 29918, 802, 264, 1118, 306, 626, 278, 19451, 13, 18884, 285, 29908, 11822, 310, 278, 426, 3626, 915, 29918, 974, 29918, 802, 264, 29913, 29563, 322, 278, 19451, 13, 18884, 376, 21097, 310, 599, 278, 29201, 297, 1749, 3186, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 802, 264, 29892, 376, 4806, 505, 2533, 3712, 287, 366, 515, 596, 19451, 13, 462, 308, 376, 3186, 1549, 2107, 28839, 304, 20653, 385, 16126, 19451, 13, 462, 308, 376, 4439, 625, 393, 674, 20616, 278, 1407, 10379, 310, 19451, 13, 462, 308, 376, 1716, 1749, 3186, 29879, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 802, 264, 29892, 376, 4806, 817, 596, 9324, 322, 19872, 304, 19451, 13, 462, 308, 376, 20653, 445, 1701, 29872, 29889, 910, 1701, 29872, 674, 297, 1564, 311, 1749, 3186, 29879, 297, 19451, 13, 462, 308, 285, 29908, 426, 9346, 5570, 29918, 11083, 29918, 29890, 5315, 29913, 7378, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 3492, 2649, 963, 393, 297, 596, 3186, 393, 25618, 505, 20346, 19451, 13, 18884, 376, 25340, 29892, 9416, 1616, 19486, 29892, 19964, 1199, 29892, 4768, 5996, 25340, 322, 19451, 13, 18884, 376, 10075, 263, 24464, 13936, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 17245, 29892, 896, 1871, 366, 393, 871, 697, 2022, 508, 9850, 19451, 13, 18884, 376, 1546, 3186, 29879, 1432, 29871, 29906, 29900, 29900, 29900, 2440, 322, 1716, 8943, 3186, 29879, 19451, 13, 18884, 376, 526, 9024, 3025, 341, 913, 261, 5057, 29899, 16142, 8180, 3767, 886, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 2887, 263, 1121, 29892, 565, 445, 8943, 3186, 338, 14416, 29892, 577, 4091, 19451, 13, 18884, 376, 11563, 8812, 278, 1021, 23779, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29898, 29888, 29908, 1576, 16832, 269, 19363, 297, 541, 426, 978, 29918, 974, 29918, 802, 264, 29913, 4083, 393, 1183, 756, 19451, 13, 18884, 376, 1554, 304, 2367, 366, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 802, 264, 29892, 376, 797, 1749, 3186, 29892, 896, 526, 29871, 29945, 26630, 28639, 19451, 13, 462, 308, 376, 4072, 297, 1749, 3186, 29901, 22378, 29892, 4853, 29872, 29892, 13736, 29892, 28761, 322, 19451, 13, 462, 308, 376, 961, 279, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 802, 264, 29892, 376, 26526, 5375, 297, 1749, 3186, 19451, 13, 462, 308, 376, 3704, 366, 756, 263, 28639, 29899, 1853, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 802, 264, 29892, 376, 4806, 4091, 2367, 366, 263, 21239, 19451, 13, 462, 308, 376, 28639, 393, 674, 4327, 964, 2845, 310, 1906, 19451, 13, 462, 308, 376, 29871, 29945, 4072, 2501, 6958, 23157, 30004, 13, 1678, 5534, 28639, 29918, 1853, 29918, 1761, 30004, 13, 1678, 28639, 29918, 1853, 29918, 1761, 353, 6796, 29879, 1742, 613, 376, 1165, 29872, 613, 376, 28798, 613, 376, 845, 969, 613, 376, 5965, 279, 3108, 30004, 13, 1678, 5534, 596, 29918, 705, 481, 265, 29918, 1853, 30004, 13, 1678, 596, 29918, 705, 481, 265, 29918, 1853, 353, 4036, 29889, 16957, 29898, 705, 481, 265, 29918, 1853, 29918, 1761, 8443, 13, 1678, 1596, 29918, 18829, 703, 3492, 17229, 278, 21239, 28639, 393, 23880, 763, 19451, 13, 18884, 285, 29908, 1067, 388, 322, 372, 3430, 763, 372, 29915, 29879, 263, 426, 8066, 29918, 705, 481, 265, 29918, 1853, 1836, 1159, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 802, 264, 29892, 376, 29907, 549, 1431, 2785, 29892, 366, 505, 16692, 19451, 13, 462, 462, 4706, 285, 29908, 263, 26630, 426, 8066, 29918, 705, 481, 265, 29918, 1853, 1836, 1159, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 802, 264, 29892, 26624, 29918, 705, 481, 265, 29918, 9342, 29898, 8066, 29918, 705, 481, 265, 29918, 1853, 876, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 802, 264, 29892, 376, 4806, 4091, 884, 3867, 366, 411, 871, 19451, 13, 462, 308, 376, 29871, 29946, 2304, 29899, 4495, 28739, 363, 10555, 2861, 304, 278, 19451, 13, 462, 308, 376, 11938, 310, 385, 16126, 2594, 4336, 19451, 13, 462, 308, 376, 12566, 292, 967, 1855, 29885, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 802, 264, 29892, 376, 3492, 674, 679, 304, 2048, 596, 3815, 19451, 13, 462, 308, 376, 304, 297, 1564, 311, 278, 16126, 1855, 29885, 1407, 4720, 29991, 1159, 30004, 13, 1678, 5534, 1024, 29918, 974, 29918, 3018, 4983, 30004, 13, 1678, 1024, 29918, 974, 29918, 3018, 4983, 353, 4036, 29889, 16957, 29898, 19202, 29918, 978, 29918, 1761, 8443, 13, 1678, 14263, 29918, 978, 29918, 1761, 29889, 5992, 29898, 978, 29918, 974, 29918, 3018, 4983, 8443, 13, 1678, 1020, 4983, 29918, 3626, 915, 353, 4036, 29889, 16957, 29898, 1357, 386, 936, 29918, 1037, 1535, 29918, 1761, 8443, 13, 1678, 1596, 29918, 18829, 703, 13468, 769, 8128, 366, 411, 429, 7680, 568, 5075, 272, 29892, 6909, 1699, 30004, 13, 18884, 376, 24803, 800, 408, 1532, 408, 263, 1020, 4983, 19451, 13, 18884, 285, 29908, 4257, 29901, 426, 978, 29918, 974, 29918, 3018, 4983, 29913, 310, 278, 426, 3018, 4983, 29918, 3626, 915, 29913, 29563, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 3868, 8575, 29879, 7113, 366, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 3018, 4983, 29892, 376, 12984, 366, 3544, 592, 408, 19451, 13, 462, 308, 376, 596, 1020, 4983, 29973, 1159, 30004, 13, 1678, 7348, 29906, 353, 7581, 29918, 7099, 2459, 29898, 29888, 29908, 3544, 426, 978, 29918, 974, 29918, 3018, 4983, 10162, 29879, 5957, 29889, 15231, 13, 462, 795, 285, 29908, 12560, 426, 978, 29918, 974, 29918, 3018, 4983, 10162, 29879, 5957, 23157, 30004, 13, 1678, 7581, 29918, 449, 2763, 29898, 16957, 29906, 29892, 7348, 29906, 2084, 29896, 29892, 7348, 29906, 2084, 29906, 8443, 13, 30004, 13, 30004, 13, 1753, 7348, 29906, 2084, 29906, 7295, 30004, 13, 1678, 1596, 29918, 18829, 703, 3492, 2649, 1075, 393, 366, 526, 901, 310, 263, 301, 650, 281, 4369, 19451, 13, 18884, 376, 322, 393, 366, 723, 763, 304, 4377, 2712, 714, 19451, 13, 18884, 376, 373, 596, 1914, 541, 16088, 1159, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 3018, 4983, 29892, 285, 29908, 29902, 2274, 541, 526, 19451, 13, 462, 308, 376, 366, 1854, 393, 306, 2609, 6985, 366, 470, 19451, 13, 462, 308, 376, 3867, 738, 1371, 29973, 1159, 30004, 13, 1678, 7348, 29906, 29918, 29896, 353, 7581, 29918, 7099, 2459, 29898, 29888, 29908, 3544, 426, 978, 29918, 974, 29918, 3018, 4983, 10162, 29879, 19451, 13, 462, 18884, 376, 2186, 5957, 19602, 376, 12560, 19451, 13, 462, 18884, 285, 29908, 426, 978, 29918, 974, 29918, 3018, 4983, 10162, 29879, 2186, 5957, 23157, 30004, 13, 1678, 7581, 29918, 449, 2763, 29898, 16957, 29906, 29918, 29896, 29892, 7348, 29906, 29918, 29896, 2084, 29906, 29892, 7348, 29906, 29918, 29906, 2084, 29906, 8443, 13, 30004, 13, 30004, 13, 1753, 7348, 29906, 29918, 29906, 2084, 29906, 7295, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 3018, 4983, 29892, 376, 29963, 708, 1532, 29892, 306, 674, 19451, 13, 462, 308, 376, 3390, 596, 28688, 23157, 30004, 13, 1678, 6651, 29918, 2084, 29941, 26471, 13, 30004, 13, 30004, 13, 1753, 7348, 29906, 29918, 29896, 2084, 29906, 7295, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 3018, 4983, 29892, 376, 29902, 626, 10932, 393, 366, 19451, 13, 462, 308, 376, 337, 1111, 29896, 1983, 1241, 287, 590, 5957, 29892, 1235, 29915, 29879, 1369, 19451, 13, 462, 308, 376, 1492, 3448, 1749, 6694, 23157, 30004, 13, 1678, 1020, 4983, 29918, 2084, 29941, 26471, 13, 30004, 13, 30004, 13, 1753, 7348, 29906, 2084, 29896, 7295, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 3018, 4983, 29892, 376, 25271, 366, 363, 25967, 19451, 13, 462, 308, 376, 592, 408, 596, 1020, 4983, 29892, 591, 4091, 1369, 596, 19451, 13, 462, 308, 376, 6694, 7389, 23157, 30004, 13, 1678, 1020, 4983, 29918, 2084, 29941, 26471, 13, 30004, 13, 30004, 13, 1753, 6651, 29918, 2084, 29941, 7295, 30004, 13, 1678, 1596, 29918, 18829, 703, 3492, 30010, 276, 6694, 14877, 272, 5794, 491, 7535, 19451, 13, 18884, 376, 297, 278, 714, 808, 2728, 310, 278, 3271, 2967, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 3492, 526, 773, 263, 14260, 29899, 392, 29899, 2704, 2948, 19451, 13, 18884, 376, 304, 4377, 714, 920, 304, 671, 596, 28639, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 3492, 29915, 276, 297, 735, 546, 5597, 411, 596, 28639, 19451, 13, 18884, 376, 11981, 304, 263, 18409, 24092, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 3782, 697, 471, 727, 304, 4078, 366, 322, 278, 19451, 13, 18884, 376, 3186, 29879, 526, 2175, 1728, 1009, 27057, 13444, 23157, 30004, 13, 1678, 9508, 29918, 2202, 29918, 351, 475, 29898, 8824, 8443, 13, 30004, 13, 30004, 13, 1753, 1020, 4983, 29918, 2084, 29941, 7295, 30004, 13, 1678, 1596, 29918, 18829, 703, 10858, 6694, 338, 21334, 346, 29892, 322, 366, 526, 16955, 304, 278, 4556, 23157, 30004, 13, 1678, 3815, 29918, 21731, 29918, 2084, 29946, 26471, 13, 30004, 13, 30004, 13, 1753, 1370, 13479, 29918, 6886, 29918, 28107, 29898, 978, 29918, 1761, 29892, 8175, 29918, 1761, 29892, 28639, 29918, 1853, 29918, 1761, 1125, 30004, 13, 1678, 1024, 353, 4036, 29889, 16957, 29898, 978, 29918, 1761, 8443, 13, 1678, 8175, 353, 4036, 29889, 16957, 29898, 25525, 29918, 1761, 8443, 13, 1678, 28639, 29918, 1853, 353, 4036, 29889, 16957, 29898, 705, 481, 265, 29918, 1853, 29918, 1761, 8443, 13, 1678, 1370, 13479, 29918, 6886, 353, 518, 978, 29892, 8175, 29892, 28639, 29918, 1853, 29962, 30004, 13, 1678, 736, 1370, 13479, 29918, 6886, 30004, 13, 30004, 13, 30004, 13, 1753, 1370, 13479, 29918, 1761, 29898, 14318, 29918, 2311, 29892, 1024, 29918, 1761, 29892, 8175, 29918, 1761, 29892, 28639, 29918, 1853, 29918, 1761, 1125, 30004, 13, 1678, 2380, 353, 29871, 29900, 30004, 13, 1678, 1370, 13479, 29918, 1761, 353, 5159, 30004, 13, 1678, 1550, 2380, 529, 3815, 29918, 2311, 29901, 30004, 13, 4706, 1370, 13479, 29918, 6886, 353, 1370, 13479, 29918, 6886, 29918, 28107, 29898, 978, 29918, 1761, 11167, 13, 462, 462, 462, 29871, 8175, 29918, 1761, 11167, 13, 462, 462, 462, 29871, 28639, 29918, 1853, 29918, 1761, 8443, 13, 4706, 1024, 29918, 1761, 29889, 5992, 29898, 4495, 13479, 29918, 6886, 29961, 29900, 2314, 30004, 13, 4706, 1370, 13479, 29918, 1761, 29889, 4397, 29898, 4495, 13479, 29918, 6886, 8443, 13, 4706, 2380, 4619, 29871, 29896, 30004, 13, 1678, 736, 1370, 13479, 29918, 1761, 30004, 13, 30004, 13, 30004, 13, 1753, 1370, 13479, 29918, 1761, 29918, 2158, 29898, 4495, 13479, 29892, 2380, 1125, 30004, 13, 1678, 1596, 29898, 29888, 26732, 29876, 2568, 23352, 24037, 2248, 29974, 29896, 27195, 30004, 13, 1678, 1596, 29898, 29888, 29908, 1170, 29901, 426, 4495, 13479, 29961, 29900, 12258, 1159, 30004, 13, 1678, 1596, 29898, 29888, 29908, 29934, 815, 29901, 426, 4495, 13479, 29961, 29896, 12258, 1159, 30004, 13, 1678, 1596, 29898, 29888, 29908, 4806, 481, 265, 29899, 1853, 29901, 426, 4495, 13479, 29961, 29906, 12258, 1159, 30004, 13, 30004, 13, 30004, 13, 1753, 1370, 13479, 29918, 21731, 29918, 2158, 29898, 4495, 13479, 29918, 1761, 29892, 4513, 29892, 4513, 29918, 20054, 1125, 30004, 13, 1678, 565, 4513, 29918, 20054, 29901, 30004, 13, 4706, 1596, 29898, 29888, 26732, 29876, 9072, 489, 16641, 18783, 24037, 14486, 29913, 448, 9072, 29899, 1159, 30004, 13, 1678, 2380, 353, 29871, 29900, 30004, 13, 1678, 363, 1370, 28739, 297, 3464, 29898, 2435, 29898, 4495, 13479, 29918, 1761, 22164, 30004, 13, 4706, 1370, 13479, 29918, 1761, 29918, 2158, 29898, 4495, 13479, 29918, 1761, 29961, 2248, 1402, 2380, 8443, 13, 4706, 2380, 4619, 29871, 29896, 30004, 13, 30004, 13, 30004, 13, 1753, 3815, 29918, 2311, 29918, 1761, 29898, 16957, 29892, 1370, 13479, 29918, 1761, 29918, 14486, 1125, 30004, 13, 1678, 565, 7348, 1275, 525, 29896, 2396, 30004, 13, 4706, 736, 1370, 13479, 29918, 1761, 29918, 14486, 29961, 29900, 29962, 30004, 13, 1678, 25342, 7348, 1275, 525, 29906, 2396, 30004, 13, 4706, 736, 1370, 13479, 29918, 1761, 29918, 14486, 29961, 29896, 29962, 30004, 13, 30004, 13, 30004, 13, 1753, 1370, 13479, 29918, 21731, 29918, 5014, 7295, 30004, 13, 1678, 4513, 353, 29871, 29896, 30004, 13, 1678, 4513, 29918, 20054, 353, 5852, 30004, 13, 1678, 3815, 29918, 1761, 353, 5159, 30004, 13, 1678, 1550, 4513, 529, 29871, 29945, 29901, 30004, 13, 4706, 1370, 13479, 29918, 1761, 29918, 14486, 353, 1370, 13479, 29918, 1761, 29898, 29906, 29892, 1716, 29918, 14167, 29918, 978, 29918, 1761, 11167, 13, 462, 462, 3986, 22082, 936, 29918, 1037, 1535, 29918, 1761, 11167, 13, 462, 462, 3986, 28639, 29918, 1853, 29918, 1761, 8443, 13, 4706, 1370, 13479, 29918, 21731, 29918, 2158, 29898, 4495, 13479, 29918, 1761, 29918, 14486, 29892, 4513, 29892, 4513, 29918, 20054, 8443, 13, 4706, 7348, 29941, 353, 7581, 29918, 7099, 2459, 703, 1831, 5375, 396, 29896, 29889, 15231, 13, 462, 462, 29871, 376, 1831, 5375, 396, 29906, 23157, 30004, 13, 4706, 1370, 13479, 29918, 8391, 353, 3815, 29918, 2311, 29918, 1761, 29898, 16957, 29941, 29892, 1370, 13479, 29918, 1761, 29918, 14486, 8443, 13, 4706, 3815, 29918, 1761, 29889, 4397, 29898, 4495, 13479, 29918, 8391, 8443, 13, 4706, 4513, 4619, 29871, 29896, 30004, 13, 1678, 596, 29918, 4495, 13479, 29918, 6886, 353, 6796, 10858, 1311, 613, 376, 29950, 7889, 613, 596, 29918, 705, 481, 265, 29918, 1853, 29962, 30004, 13, 1678, 3815, 29918, 1761, 29889, 4397, 29898, 8066, 29918, 4495, 13479, 29918, 6886, 8443, 13, 1678, 736, 3815, 29918, 1761, 30004, 13, 30004, 13, 30004, 13, 1753, 3815, 29918, 21731, 29918, 2084, 29946, 7295, 30004, 13, 1678, 1596, 29918, 18829, 703, 29903, 566, 1145, 368, 856, 1159, 30004, 13, 1678, 1596, 29918, 18829, 703, 29909, 4796, 29899, 915, 25600, 10404, 13501, 366, 23157, 30004, 13, 1678, 1024, 29918, 974, 29918, 1557, 449, 353, 4036, 29889, 16957, 29898, 19202, 29918, 978, 29918, 1761, 8443, 13, 1678, 14263, 29918, 978, 29918, 1761, 29889, 5992, 29898, 978, 29918, 974, 29918, 1557, 449, 8443, 13, 1678, 885, 449, 29918, 3626, 915, 353, 4036, 29889, 16957, 29898, 1357, 386, 936, 29918, 1037, 1535, 29918, 1761, 8443, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 703, 21823, 29899, 915, 25600, 10404, 613, 376, 29928, 799, 13444, 29892, 590, 1024, 338, 19451, 13, 462, 308, 285, 29908, 426, 978, 29918, 974, 29918, 1557, 449, 29913, 310, 278, 19451, 13, 462, 308, 285, 29908, 426, 1557, 449, 29918, 3626, 915, 29913, 29563, 322, 19451, 13, 462, 308, 376, 306, 626, 278, 28639, 23383, 363, 1749, 2258, 428, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 1557, 449, 29892, 376, 4806, 4091, 748, 1549, 29871, 29946, 9262, 19451, 13, 462, 308, 376, 364, 3885, 322, 366, 4091, 6755, 697, 1370, 13479, 4249, 19451, 13, 462, 308, 376, 278, 11000, 393, 526, 9132, 304, 366, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 1557, 449, 29892, 376, 12148, 6456, 4969, 263, 6411, 8362, 19451, 13, 462, 308, 376, 3815, 338, 1820, 29991, 2178, 1370, 28739, 674, 367, 9132, 2729, 19451, 13, 462, 308, 376, 373, 1009, 2983, 29892, 8175, 322, 1556, 4100, 368, 19451, 13, 462, 308, 376, 28639, 29899, 1853, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 1557, 449, 29892, 376, 12024, 30010, 29879, 3380, 29901, 376, 8443, 13, 1678, 3815, 29885, 1078, 29918, 1761, 353, 1370, 13479, 29918, 21731, 29918, 5014, 26471, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 1557, 449, 29892, 376, 3492, 505, 1286, 4629, 596, 3815, 15458, 30004, 13, 462, 308, 376, 366, 1122, 8469, 304, 7945, 4208, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 3492, 7945, 411, 596, 3815, 363, 7378, 322, 19451, 13, 18884, 376, 278, 931, 756, 7146, 2041, 304, 748, 304, 278, 16126, 1855, 29885, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 802, 264, 29892, 376, 3492, 526, 10754, 491, 19451, 13, 462, 308, 285, 29908, 426, 978, 29918, 974, 29918, 802, 264, 29913, 304, 278, 2594, 4336, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 978, 29918, 974, 29918, 802, 264, 29892, 376, 18420, 9885, 590, 13444, 267, 29991, 1159, 30004, 13, 1678, 2594, 4336, 29918, 29890, 5315, 29918, 2084, 29945, 29898, 371, 4850, 1078, 29918, 1761, 8443, 13, 30004, 13, 30004, 13, 1753, 1370, 13479, 29918, 19541, 29918, 1761, 29918, 14486, 29898, 4495, 13479, 29918, 1761, 1125, 30004, 13, 1678, 1370, 13479, 29918, 19541, 29918, 1761, 353, 5159, 30004, 13, 1678, 2380, 29918, 1761, 353, 3464, 29898, 2435, 29898, 4495, 13479, 29918, 1761, 876, 30004, 13, 1678, 363, 1370, 28739, 297, 3464, 29898, 29906, 1125, 30004, 13, 4706, 2380, 353, 4036, 29889, 16957, 29898, 2248, 29918, 1761, 8443, 13, 4706, 1370, 13479, 29918, 19541, 29918, 1761, 29889, 4397, 29898, 4495, 13479, 29918, 1761, 29961, 2248, 2314, 30004, 13, 1678, 736, 1370, 13479, 29918, 19541, 29918, 1761, 30004, 13, 30004, 13, 30004, 13, 1753, 1370, 13479, 29918, 19541, 29918, 6768, 29918, 2158, 29898, 4495, 13479, 29918, 19541, 29918, 1761, 29892, 16126, 29918, 280, 1664, 29918, 978, 11167, 13, 462, 462, 16126, 29918, 14318, 29918, 20054, 1125, 30004, 13, 1678, 565, 1370, 13479, 29918, 19541, 29918, 1761, 29961, 29900, 29962, 1275, 1370, 13479, 29918, 19541, 29918, 1761, 29961, 29896, 5387, 30004, 13, 4706, 565, 16126, 29918, 14318, 29918, 20054, 322, 1370, 13479, 29918, 19541, 29918, 1761, 29961, 29900, 3816, 29900, 29962, 1275, 16126, 29918, 280, 1664, 29918, 978, 29901, 30004, 13, 9651, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 3112, 2444, 278, 17629, 756, 19451, 13, 462, 462, 376, 10434, 6142, 408, 278, 17793, 424, 19451, 13, 462, 462, 376, 363, 445, 4513, 23157, 30004, 13, 4706, 25342, 16126, 29918, 14318, 29918, 20054, 322, 320, 30004, 13, 18884, 1370, 13479, 29918, 19541, 29918, 1761, 29961, 29900, 3816, 29900, 29962, 2804, 16126, 29918, 280, 1664, 29918, 978, 29901, 30004, 13, 9651, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 3112, 2444, 278, 17629, 756, 19451, 13, 462, 462, 376, 10434, 697, 310, 590, 285, 22279, 1370, 28739, 23157, 30004, 13, 4706, 25342, 451, 16126, 29918, 14318, 29918, 20054, 322, 1370, 13479, 29918, 19541, 29918, 1761, 29961, 29900, 3816, 29900, 29962, 1275, 376, 10858, 1311, 1115, 30004, 13, 9651, 1596, 29918, 18829, 703, 3492, 674, 367, 278, 285, 14643, 363, 445, 4513, 23157, 30004, 13, 4706, 25342, 451, 16126, 29918, 14318, 29918, 20054, 322, 1370, 13479, 29918, 19541, 29918, 1761, 29961, 29900, 3816, 29900, 29962, 2804, 376, 10858, 1311, 1115, 30004, 13, 9651, 1596, 29918, 18829, 703, 10858, 17629, 6297, 756, 7709, 287, 1023, 13557, 2983, 23157, 30004, 13, 1678, 1683, 29901, 30004, 13, 4706, 565, 16126, 29918, 14318, 29918, 20054, 29901, 30004, 13, 9651, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 285, 29908, 29902, 674, 6755, 1546, 19451, 13, 462, 462, 376, 1023, 310, 590, 285, 22279, 1370, 28739, 363, 19451, 13, 462, 462, 376, 445, 8589, 23157, 30004, 13, 4706, 25342, 451, 16126, 29918, 14318, 29918, 20054, 29901, 30004, 13, 9651, 1596, 29918, 18829, 703, 3492, 1818, 6755, 1546, 596, 1023, 4944, 3987, 23157, 30004, 13, 30004, 13, 30004, 13, 1753, 4513, 29918, 524, 13210, 29918, 2158, 29898, 14486, 1125, 30004, 13, 1678, 1596, 29918, 18829, 29898, 29888, 29908, 4690, 3235, 8519, 16641, 18783, 24037, 14486, 1836, 1159, 30004, 13, 1678, 1596, 29918, 18829, 703, 3112, 338, 931, 304, 9679, 278, 270, 1575, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 10605, 526, 278, 2582, 363, 278, 17629, 9679, 23157, 30004, 13, 30004, 13, 30004, 13, 1753, 1881, 29918, 29467, 29876, 653, 29918, 3198, 29898, 8149, 29892, 1819, 29892, 28639, 1125, 30004, 13, 1678, 565, 28639, 297, 6611, 29901, 30004, 13, 4706, 21503, 29876, 653, 353, 9657, 29898, 7554, 29898, 8149, 29892, 1819, 876, 30004, 13, 4706, 736, 21503, 29876, 653, 30004, 13, 1678, 1683, 29901, 30004, 13, 4706, 1596, 703, 29956, 29373, 28639, 471, 4502, 23157, 30004, 13, 30004, 13, 30004, 13, 1753, 10555, 29918, 2914, 29898, 705, 481, 265, 29918, 3496, 914, 29892, 28639, 29918, 264, 6764, 1125, 30004, 13, 1678, 25340, 29918, 1761, 353, 6796, 1165, 29872, 613, 376, 28798, 613, 376, 845, 969, 613, 376, 5965, 279, 613, 376, 29879, 1742, 3108, 30004, 13, 1678, 2582, 29918, 21513, 353, 15974, 29900, 29901, 29871, 29900, 29892, 29871, 29896, 29901, 448, 29896, 29892, 29871, 29906, 29901, 29871, 29896, 29892, 29871, 29941, 29901, 29871, 29896, 29892, 29871, 29946, 29901, 448, 29896, 1118, 30004, 13, 462, 268, 426, 29900, 29901, 29871, 29896, 29892, 29871, 29896, 29901, 29871, 29900, 29892, 29871, 29906, 29901, 448, 29896, 29892, 29871, 29941, 29901, 448, 29896, 29892, 29871, 29946, 29901, 29871, 29896, 1118, 30004, 13, 462, 268, 426, 29900, 29901, 448, 29896, 29892, 29871, 29896, 29901, 29871, 29896, 29892, 29871, 29906, 29901, 29871, 29900, 29892, 29871, 29941, 29901, 29871, 29896, 29892, 29871, 29946, 29901, 448, 29896, 1118, 30004, 13, 462, 268, 426, 29900, 29901, 448, 29896, 29892, 29871, 29896, 29901, 29871, 29896, 29892, 29871, 29906, 29901, 448, 29896, 29892, 29871, 29941, 29901, 29871, 29900, 29892, 29871, 29946, 29901, 29871, 29896, 1118, 30004, 13, 462, 268, 426, 29900, 29901, 29871, 29896, 29892, 29871, 29896, 29901, 448, 29896, 29892, 29871, 29906, 29901, 29871, 29896, 29892, 29871, 29941, 29901, 448, 29896, 29892, 29871, 29946, 29901, 29871, 29900, 6525, 30004, 13, 1678, 6043, 29918, 1761, 353, 518, 29900, 29892, 29871, 29896, 29892, 29871, 29906, 29892, 29871, 29941, 29892, 29871, 29946, 29962, 30004, 13, 1678, 29105, 29918, 29467, 29876, 653, 353, 1881, 29918, 29467, 29876, 653, 29918, 3198, 29898, 705, 481, 787, 29918, 1761, 11167, 13, 462, 462, 462, 1678, 6043, 29918, 1761, 11167, 13, 462, 462, 462, 1678, 28639, 29918, 264, 6764, 8443, 13, 1678, 2582, 29918, 27420, 29918, 29467, 29876, 653, 353, 1881, 29918, 29467, 29876, 653, 29918, 3198, 29898, 705, 481, 787, 29918, 1761, 11167, 13, 462, 462, 462, 308, 2582, 29918, 21513, 11167, 13, 462, 462, 462, 308, 28639, 29918, 3496, 914, 8443, 13, 1678, 1006, 914, 29918, 705, 481, 265, 29918, 264, 6764, 353, 29105, 29918, 29467, 29876, 653, 29889, 657, 29898, 705, 481, 265, 29918, 264, 6764, 8443, 13, 1678, 263, 854, 914, 29918, 4352, 29918, 2914, 353, 2582, 29918, 27420, 29918, 29467, 29876, 653, 29961, 705, 481, 265, 29918, 3496, 914, 3816, 30004, 13, 462, 965, 1006, 914, 29918, 705, 481, 265, 29918, 264, 6764, 29962, 30004, 13, 1678, 736, 263, 854, 914, 29918, 4352, 29918, 2914, 30004, 13, 30004, 13, 30004, 13, 1753, 8158, 29918, 786, 29881, 1008, 29898, 1767, 29892, 596, 29918, 14318, 29918, 7827, 29918, 13628, 29892, 11103, 29918, 14318, 29918, 7827, 29918, 13628, 1125, 30004, 13, 1678, 3815, 29918, 13628, 29918, 1761, 353, 518, 8066, 29918, 14318, 29918, 7827, 29918, 13628, 29892, 11103, 29918, 14318, 29918, 7827, 29918, 13628, 29962, 30004, 13, 1678, 565, 995, 1275, 29871, 29896, 29901, 30004, 13, 4706, 1596, 29918, 18829, 703, 3492, 5401, 445, 4513, 23157, 30004, 13, 4706, 3815, 29918, 13628, 29918, 1761, 29961, 29900, 29962, 4619, 29871, 29896, 30004, 13, 4706, 1596, 29918, 18829, 703, 1576, 3001, 8158, 373, 596, 6263, 338, 19451, 13, 462, 1678, 285, 29908, 426, 14318, 29918, 13628, 29918, 1761, 29961, 29900, 12258, 322, 278, 11103, 29915, 29879, 19451, 13, 462, 1678, 285, 29908, 338, 426, 14318, 29918, 13628, 29918, 1761, 29961, 29896, 29962, 1836, 1159, 30004, 13, 4706, 736, 3815, 29918, 13628, 29918, 1761, 30004, 13, 1678, 25342, 995, 1275, 448, 29896, 29901, 30004, 13, 4706, 1596, 29918, 18829, 703, 3492, 14074, 445, 4513, 23157, 30004, 13, 4706, 3815, 29918, 13628, 29918, 1761, 29961, 29896, 29962, 4619, 29871, 29896, 30004, 13, 4706, 1596, 29918, 18829, 703, 1576, 3001, 8158, 373, 596, 6263, 338, 19451, 13, 462, 1678, 285, 29908, 426, 14318, 29918, 13628, 29918, 1761, 29961, 29900, 12258, 322, 278, 11103, 29915, 29879, 338, 19451, 13, 462, 1678, 285, 29908, 426, 14318, 29918, 13628, 29918, 1761, 29961, 29896, 29962, 1836, 1159, 30004, 13, 4706, 736, 3815, 29918, 13628, 29918, 1761, 30004, 13, 1678, 25342, 995, 1275, 29871, 29900, 29901, 30004, 13, 4706, 1596, 29918, 18829, 703, 3112, 29915, 29879, 263, 22134, 363, 445, 4513, 1159, 30004, 13, 4706, 1596, 29918, 18829, 703, 1576, 3001, 8158, 373, 596, 6263, 338, 19451, 13, 462, 1678, 285, 29908, 426, 14318, 29918, 13628, 29918, 1761, 29961, 29900, 12258, 322, 278, 11103, 29915, 29879, 338, 19451, 13, 462, 1678, 285, 29908, 426, 14318, 29918, 13628, 29918, 1761, 29961, 29896, 29962, 1836, 1159, 30004, 13, 4706, 736, 3815, 29918, 13628, 29918, 1761, 30004, 13, 30004, 13, 30004, 13, 1753, 3748, 29918, 449, 2763, 29898, 8066, 29918, 14318, 29918, 7827, 29918, 13628, 29892, 11103, 29918, 14318, 29918, 7827, 29918, 13628, 11167, 13, 462, 16126, 29918, 280, 1664, 29918, 978, 1125, 30004, 13, 1678, 565, 596, 29918, 14318, 29918, 7827, 29918, 13628, 1405, 11103, 29918, 14318, 29918, 7827, 29918, 13628, 29901, 30004, 13, 4706, 1596, 29918, 18829, 703, 3112, 2444, 366, 505, 2113, 278, 5713, 355, 29915, 29879, 3748, 23157, 30004, 13, 4706, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 29907, 549, 29878, 1446, 373, 596, 15354, 19451, 13, 462, 632, 376, 408, 22399, 591, 674, 27503, 23157, 30004, 13, 4706, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 29943, 598, 5872, 29991, 1159, 30004, 13, 4706, 1596, 29918, 18829, 703, 1576, 16126, 907, 3698, 1369, 304, 28747, 21694, 19451, 13, 462, 1678, 376, 322, 577, 947, 278, 2594, 4336, 23157, 30004, 13, 4706, 9508, 29918, 2202, 29918, 351, 475, 29898, 5574, 8443, 13, 1678, 25342, 11103, 29918, 14318, 29918, 7827, 29918, 13628, 1405, 596, 29918, 14318, 29918, 7827, 29918, 13628, 29901, 30004, 13, 4706, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 29902, 4140, 591, 526, 6879, 23308, 23157, 30004, 13, 4706, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 2369, 2212, 29891, 704, 17843, 291, 29991, 1159, 30004, 13, 4706, 9508, 29918, 2202, 29918, 351, 475, 29898, 8824, 8443, 13, 30004, 13, 30004, 13, 1753, 1370, 13479, 29918, 29887, 1280, 29898, 14318, 29918, 1761, 29892, 16126, 29918, 4495, 28739, 29918, 1761, 29892, 16126, 29918, 280, 1664, 29918, 978, 1125, 30004, 13, 1678, 4513, 353, 29871, 29896, 30004, 13, 1678, 596, 29918, 14318, 29918, 7827, 29918, 13628, 353, 29871, 29900, 30004, 13, 1678, 11103, 29918, 14318, 29918, 7827, 29918, 13628, 353, 29871, 29900, 30004, 13, 1678, 1550, 596, 29918, 14318, 29918, 7827, 29918, 13628, 529, 29871, 29946, 322, 11103, 29918, 14318, 29918, 7827, 29918, 13628, 529, 29871, 29941, 29901, 30004, 13, 4706, 596, 29918, 14318, 29918, 6768, 353, 1370, 13479, 29918, 19541, 29918, 1761, 29918, 14486, 29898, 14318, 29918, 1761, 8443, 13, 4706, 11103, 29918, 14318, 29918, 6768, 353, 1370, 13479, 29918, 19541, 29918, 1761, 29918, 14486, 29898, 5750, 309, 29918, 4495, 28739, 29918, 1761, 8443, 13, 4706, 4513, 29918, 524, 13210, 29918, 2158, 29898, 14486, 8443, 13, 4706, 1596, 29918, 18829, 703, 1430, 12665, 29979, 17067, 5194, 29901, 1159, 30004, 13, 4706, 1370, 13479, 29918, 21731, 29918, 2158, 29898, 264, 6764, 29918, 14318, 29918, 6768, 29892, 4513, 29892, 7700, 8443, 13, 4706, 1596, 29918, 18829, 703, 10858, 17067, 5194, 29901, 1159, 30004, 13, 4706, 1370, 13479, 29918, 21731, 29918, 2158, 29898, 8066, 29918, 14318, 29918, 6768, 29892, 4513, 29892, 7700, 8443, 13, 4706, 1370, 13479, 29918, 19541, 29918, 6768, 29918, 2158, 29898, 264, 6764, 29918, 14318, 29918, 6768, 11167, 13, 462, 462, 268, 16126, 29918, 280, 1664, 29918, 978, 29892, 5852, 8443, 13, 4706, 1370, 13479, 29918, 19541, 29918, 6768, 29918, 2158, 29898, 8066, 29918, 14318, 29918, 6768, 11167, 13, 462, 462, 268, 16126, 29918, 280, 1664, 29918, 978, 29892, 7700, 8443, 13, 4706, 7348, 29946, 353, 7581, 29918, 7099, 2459, 703, 1831, 5375, 396, 29896, 29889, 15231, 13, 462, 462, 29871, 376, 1831, 5375, 396, 29906, 23157, 30004, 13, 4706, 596, 29918, 4495, 13479, 29918, 8391, 353, 3815, 29918, 2311, 29918, 1761, 29898, 16957, 29946, 29892, 596, 29918, 14318, 29918, 6768, 8443, 13, 4706, 11103, 29918, 4495, 13479, 29918, 8391, 353, 4036, 29889, 16957, 29898, 264, 6764, 29918, 14318, 29918, 6768, 8443, 13, 4706, 28639, 29918, 974, 29918, 8066, 29918, 4495, 13479, 353, 596, 29918, 4495, 13479, 29918, 8391, 29961, 29906, 29962, 30004, 13, 4706, 28639, 29918, 974, 29918, 8066, 29918, 264, 6764, 353, 11103, 29918, 4495, 13479, 29918, 8391, 29961, 29906, 29962, 30004, 13, 4706, 995, 29918, 14486, 353, 10555, 29918, 2914, 29898, 705, 481, 265, 29918, 974, 29918, 8066, 29918, 4495, 13479, 11167, 13, 462, 462, 1678, 28639, 29918, 974, 29918, 8066, 29918, 264, 6764, 8443, 13, 4706, 8158, 29918, 1761, 353, 8158, 29918, 786, 29881, 1008, 29898, 1767, 29918, 14486, 29892, 596, 29918, 14318, 29918, 7827, 29918, 13628, 11167, 13, 462, 462, 259, 11103, 29918, 14318, 29918, 7827, 29918, 13628, 8443, 13, 4706, 596, 29918, 14318, 29918, 7827, 29918, 13628, 353, 8158, 29918, 1761, 29961, 29900, 29962, 30004, 13, 4706, 11103, 29918, 14318, 29918, 7827, 29918, 13628, 353, 8158, 29918, 1761, 29961, 29896, 29962, 30004, 13, 4706, 4513, 4619, 29871, 29896, 30004, 13, 1678, 3748, 29918, 449, 2763, 29898, 8066, 29918, 14318, 29918, 7827, 29918, 13628, 29892, 11103, 29918, 14318, 29918, 7827, 29918, 13628, 11167, 13, 462, 16126, 29918, 280, 1664, 29918, 978, 8443, 13, 30004, 13, 30004, 13, 1753, 2594, 4336, 29918, 29890, 5315, 29918, 2084, 29945, 29898, 14318, 29918, 1761, 1125, 30004, 13, 1678, 21031, 262, 29918, 978, 29918, 1761, 353, 6024, 29943, 2546, 1362, 742, 525, 29963, 3194, 29720, 742, 525, 29924, 5801, 742, 525, 29903, 4287, 742, 525, 21878, 2518, 23592, 13, 462, 308, 525, 29931, 21025, 742, 12801, 5813, 29958, 742, 12801, 5813, 29958, 742, 525, 2369, 13308, 742, 525, 29928, 1647, 2033, 30004, 13, 1678, 16126, 29918, 1037, 1535, 29918, 1761, 353, 6024, 16618, 309, 742, 525, 29954, 711, 1915, 742, 525, 29903, 23402, 341, 720, 742, 525, 29928, 935, 17784, 2265, 261, 23592, 13, 462, 3986, 525, 29928, 935, 1260, 29888, 742, 525, 29963, 1160, 533, 742, 525, 24515, 29884, 629, 742, 525, 29909, 10221, 484, 23592, 13, 462, 3986, 525, 29907, 261, 495, 375, 742, 525, 6833, 2415, 2033, 30004, 13, 1678, 16126, 29918, 280, 1664, 29918, 3626, 915, 353, 4036, 29889, 16957, 29898, 5750, 309, 29918, 1037, 1535, 29918, 1761, 8443, 13, 1678, 16126, 29918, 280, 1664, 29918, 978, 353, 4036, 29889, 16957, 29898, 28765, 262, 29918, 978, 29918, 1761, 8443, 13, 1678, 21031, 262, 29918, 978, 29918, 1761, 29889, 5992, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 8443, 13, 1678, 1596, 29918, 18829, 703, 3492, 6584, 300, 10492, 278, 2594, 4336, 411, 596, 3815, 29892, 322, 19451, 13, 18884, 376, 366, 526, 1395, 300, 287, 491, 263, 5713, 355, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 2887, 372, 13501, 366, 29892, 596, 3353, 3815, 3704, 19451, 13, 18884, 376, 7535, 338, 9368, 304, 4337, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 703, 18800, 355, 613, 285, 29908, 3421, 1024, 338, 426, 5750, 309, 29918, 280, 1664, 29918, 978, 29913, 310, 278, 19451, 13, 462, 308, 285, 29908, 426, 5750, 309, 29918, 280, 1664, 29918, 3626, 915, 29913, 29563, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 29902, 626, 278, 11822, 310, 278, 20695, 19451, 13, 462, 308, 376, 10298, 393, 674, 620, 14443, 1749, 3186, 29879, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 10310, 30010, 29873, 15982, 306, 674, 451, 21682, 366, 19451, 13, 462, 308, 376, 3447, 29991, 1159, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 12024, 30010, 29879, 1708, 263, 3748, 304, 11097, 19451, 13, 462, 308, 376, 278, 23779, 310, 1749, 3186, 29879, 23157, 30004, 13, 1678, 16126, 29918, 4495, 28739, 29918, 1761, 353, 1370, 13479, 29918, 1761, 29898, 29946, 29892, 21031, 262, 29918, 978, 29918, 1761, 29892, 16126, 29918, 1037, 1535, 29918, 1761, 11167, 13, 462, 462, 418, 28639, 29918, 1853, 29918, 1761, 8443, 13, 1678, 16126, 29918, 280, 1664, 29918, 705, 481, 265, 353, 4036, 29889, 16957, 29898, 705, 481, 265, 29918, 1853, 29918, 1761, 8443, 13, 1678, 16126, 29918, 280, 1664, 29918, 4495, 13479, 29918, 6886, 353, 518, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 16126, 29918, 280, 1664, 29918, 3626, 915, 11167, 13, 462, 462, 1678, 16126, 29918, 280, 1664, 29918, 705, 481, 265, 29962, 30004, 13, 1678, 16126, 29918, 4495, 28739, 29918, 1761, 29889, 4397, 29898, 5750, 309, 29918, 280, 1664, 29918, 4495, 13479, 29918, 6886, 8443, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 29902, 505, 29871, 29946, 20382, 3815, 29885, 1078, 577, 19451, 13, 462, 308, 376, 1716, 13973, 505, 29871, 29945, 5144, 297, 3001, 3704, 278, 19451, 13, 462, 308, 376, 20251, 310, 3236, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 4806, 4091, 505, 29871, 29896, 29899, 265, 29899, 29896, 285, 5861, 988, 19451, 13, 462, 308, 376, 263, 17793, 424, 674, 2041, 515, 1269, 6263, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 29909, 15354, 297, 263, 8589, 674, 1121, 19451, 13, 462, 308, 376, 297, 393, 6263, 13442, 263, 1298, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 6730, 3815, 304, 5401, 29871, 29941, 364, 3885, 21614, 19451, 13, 462, 308, 376, 278, 3748, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 3492, 5401, 322, 591, 674, 27503, 1213, 30004, 13, 462, 308, 376, 1551, 278, 916, 1361, 29892, 565, 366, 14074, 447, 29882, 25613, 801, 30098, 1159, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 29902, 1016, 30010, 29873, 505, 304, 2649, 366, 825, 674, 19451, 13, 462, 308, 376, 3799, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 9760, 3815, 674, 367, 29692, 1023, 19451, 13, 462, 308, 376, 5320, 29899, 17470, 287, 270, 1575, 411, 1269, 3700, 674, 505, 278, 1024, 19451, 13, 462, 308, 376, 310, 278, 17793, 424, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 4806, 1716, 9679, 1749, 270, 1575, 322, 19451, 13, 462, 308, 376, 2729, 373, 278, 2983, 9132, 373, 278, 17629, 29936, 1269, 19451, 13, 462, 308, 376, 3815, 4091, 11097, 6029, 515, 278, 1023, 2983, 9132, 19451, 13, 462, 308, 376, 4091, 2755, 1009, 3815, 363, 393, 4513, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 4013, 10608, 310, 1269, 3815, 19451, 13, 462, 308, 376, 674, 871, 367, 17845, 1492, 1434, 263, 4513, 19451, 13, 462, 308, 376, 1818, 3380, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 3644, 1716, 270, 1575, 1121, 297, 278, 19451, 13, 462, 308, 376, 1021, 1024, 393, 17793, 424, 1818, 2755, 278, 19451, 13, 462, 308, 376, 3815, 363, 393, 4513, 23157, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 29909, 17793, 424, 508, 5221, 403, 19451, 13, 462, 308, 376, 297, 901, 1135, 697, 4513, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 3492, 8369, 278, 22595, 505, 2788, 25340, 408, 15850, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 3492, 6456, 393, 1269, 28639, 29899, 1853, 508, 16646, 1023, 4072, 1699, 30004, 13, 18884, 376, 14074, 304, 1023, 916, 4072, 322, 2041, 297, 263, 380, 12698, 403, 19451, 13, 18884, 376, 297, 263, 19571, 1993, 23157, 30004, 13, 1678, 1596, 29918, 18829, 703, 348, 7524, 29892, 366, 1016, 29915, 29873, 6456, 278, 19451, 13, 18884, 376, 10631, 681, 1993, 14340, 541, 11584, 2023, 1159, 30004, 13, 1678, 1596, 29918, 18829, 29918, 15901, 434, 29898, 5750, 309, 29918, 280, 1664, 29918, 978, 29892, 376, 12024, 29915, 29879, 3380, 278, 8090, 29991, 1159, 30004, 13, 1678, 1370, 13479, 29918, 29887, 1280, 29898, 14318, 29918, 1761, 29892, 16126, 29918, 4495, 28739, 29918, 1761, 29892, 16126, 29918, 280, 1664, 29918, 978, 8443, 13, 30004, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 30004, 13, 1678, 1369, 26471, 13, 2 ]
qiskit/transpiler/passes/optimization/optimize_1q_decomposition.py
rao107/qiskit-terra
0
196132
# This code is part of Qiskit. # # (C) Copyright IBM 2017, 2018. # # This code is licensed under the Apache License, Version 2.0. You may # obtain a copy of this license in the LICENSE.txt file in the root directory # of this source tree or at http://www.apache.org/licenses/LICENSE-2.0. # # Any modifications or derivative works of this code must retain this # copyright notice, and modified files need to carry a notice indicating # that they have been altered from the originals. """Optimize chains of single-qubit gates using Euler 1q decomposer""" import logging import numpy as np from qiskit.quantum_info import Operator from qiskit.transpiler.basepasses import TransformationPass from qiskit.quantum_info.synthesis import one_qubit_decompose from qiskit.converters import circuit_to_dag LOG = logging.getLogger(__name__) class Optimize1qGatesDecomposition(TransformationPass): """Optimize chains of single-qubit gates by combining them into a single gate.""" def __init__(self, basis=None): """Optimize1qGatesDecomposition initializer. Args: basis (list[str]): Basis gates to consider, e.g. `['u3', 'cx']`. For the effects of this pass, the basis is the set intersection between the `basis` parameter and the Euler basis. """ super().__init__() self.basis = None if basis: self.basis = [] basis_set = set(basis) for basis_name, gates in one_qubit_decompose.ONE_QUBIT_EULER_BASIS_GATES.items(): if set(gates).issubset(basis_set): self.basis.append(one_qubit_decompose.OneQubitEulerDecomposer(basis_name)) def run(self, dag): """Run the Optimize1qGatesDecomposition pass on `dag`. Args: dag (DAGCircuit): the DAG to be optimized. Returns: DAGCircuit: the optimized DAG. """ if not self.basis: LOG.info("Skipping pass because no basis is set") return dag runs = dag.collect_1q_runs() identity_matrix = np.eye(2) for run in runs: # Don't try to optimize a single 1q gate if len(run) <= 1: params = run[0].op.params # Remove single identity gates if len(params) > 0 and np.array_equal(run[0].op.to_matrix(), identity_matrix): dag.remove_op_node(run[0]) continue new_circs = [] operator = Operator(run[0].op) for gate in run[1:]: operator = operator.compose(gate.op) for decomposer in self.basis: new_circs.append(decomposer(operator)) if new_circs: new_circ = min(new_circs, key=len) if len(run) > len(new_circ): new_dag = circuit_to_dag(new_circ) dag.substitute_node_with_dag(run[0], new_dag) # Delete the other nodes in the run for current_node in run[1:]: dag.remove_op_node(current_node) return dag
[ 1, 396, 910, 775, 338, 760, 310, 660, 3873, 277, 29889, 13, 29937, 13, 29937, 313, 29907, 29897, 14187, 1266, 27955, 29871, 29906, 29900, 29896, 29955, 29892, 29871, 29906, 29900, 29896, 29947, 29889, 13, 29937, 13, 29937, 910, 775, 338, 7794, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 29889, 887, 1122, 13, 29937, 4017, 263, 3509, 310, 445, 19405, 297, 278, 365, 2965, 1430, 1660, 29889, 3945, 934, 297, 278, 3876, 3884, 13, 29937, 310, 445, 2752, 5447, 470, 472, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 29889, 13, 29937, 13, 29937, 3139, 26278, 470, 16291, 1736, 310, 445, 775, 1818, 11551, 445, 13, 29937, 3509, 1266, 8369, 29892, 322, 9120, 2066, 817, 304, 8677, 263, 8369, 23941, 13, 29937, 393, 896, 505, 1063, 10551, 287, 515, 278, 2441, 29879, 29889, 13, 13, 15945, 29908, 20624, 326, 675, 521, 2708, 310, 2323, 29899, 339, 2966, 29341, 773, 382, 8584, 29871, 29896, 29939, 17753, 1066, 261, 15945, 29908, 13, 13, 5215, 12183, 13, 13, 5215, 12655, 408, 7442, 13, 13, 3166, 3855, 3873, 277, 29889, 12150, 398, 29918, 3888, 1053, 6607, 1061, 13, 3166, 3855, 3873, 277, 29889, 3286, 29886, 3955, 29889, 3188, 3364, 267, 1053, 4103, 5404, 7129, 13, 3166, 3855, 3873, 277, 29889, 12150, 398, 29918, 3888, 29889, 19274, 26533, 1053, 697, 29918, 339, 2966, 29918, 311, 19438, 13, 3166, 3855, 3873, 277, 29889, 535, 369, 2153, 1053, 11369, 29918, 517, 29918, 24157, 13, 13, 14480, 353, 12183, 29889, 657, 16363, 22168, 978, 1649, 29897, 13, 13, 13, 1990, 20693, 326, 675, 29896, 29939, 29954, 1078, 2772, 510, 3283, 29898, 4300, 5404, 7129, 1125, 13, 1678, 9995, 20624, 326, 675, 521, 2708, 310, 2323, 29899, 339, 2966, 29341, 491, 29299, 963, 964, 263, 2323, 12417, 1213, 15945, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 8405, 29922, 8516, 1125, 13, 4706, 9995, 20624, 326, 675, 29896, 29939, 29954, 1078, 2772, 510, 3283, 2847, 3950, 29889, 13, 13, 4706, 826, 3174, 29901, 13, 9651, 8405, 313, 1761, 29961, 710, 29962, 1125, 4886, 275, 29341, 304, 2050, 29892, 321, 29889, 29887, 29889, 421, 1839, 29884, 29941, 742, 525, 18904, 2033, 1412, 1152, 278, 9545, 13, 18884, 310, 445, 1209, 29892, 278, 8405, 338, 278, 731, 17686, 1546, 278, 421, 6500, 275, 29952, 3443, 13, 18884, 322, 278, 382, 8584, 8405, 29889, 13, 4706, 9995, 13, 4706, 2428, 2141, 1649, 2344, 1649, 580, 13, 4706, 1583, 29889, 6500, 275, 353, 6213, 13, 4706, 565, 8405, 29901, 13, 9651, 1583, 29889, 6500, 275, 353, 5159, 13, 9651, 8405, 29918, 842, 353, 731, 29898, 6500, 275, 29897, 13, 9651, 363, 8405, 29918, 978, 29892, 29341, 297, 697, 29918, 339, 2966, 29918, 311, 19438, 29889, 12413, 29918, 29984, 7466, 1806, 29918, 29923, 13309, 1001, 29918, 29933, 3289, 3235, 29918, 29954, 1299, 2890, 29889, 7076, 7295, 13, 18884, 565, 731, 29898, 29887, 1078, 467, 790, 431, 842, 29898, 6500, 275, 29918, 842, 1125, 13, 462, 1678, 1583, 29889, 6500, 275, 29889, 4397, 29898, 650, 29918, 339, 2966, 29918, 311, 19438, 29889, 6716, 29984, 431, 277, 29923, 8584, 2772, 22410, 261, 29898, 6500, 275, 29918, 978, 876, 13, 13, 1678, 822, 1065, 29898, 1311, 29892, 12136, 1125, 13, 4706, 9995, 6558, 278, 20693, 326, 675, 29896, 29939, 29954, 1078, 2772, 510, 3283, 1209, 373, 421, 24157, 1412, 13, 13, 4706, 826, 3174, 29901, 13, 9651, 12136, 313, 7698, 8766, 2076, 3121, 1125, 278, 360, 10051, 304, 367, 27545, 29889, 13, 13, 4706, 16969, 29901, 13, 9651, 21330, 8766, 2076, 3121, 29901, 278, 27545, 360, 10051, 29889, 13, 4706, 9995, 13, 4706, 565, 451, 1583, 29889, 6500, 275, 29901, 13, 9651, 25401, 29889, 3888, 703, 29903, 1984, 3262, 1209, 1363, 694, 8405, 338, 731, 1159, 13, 9651, 736, 12136, 13, 4706, 6057, 353, 12136, 29889, 15914, 29918, 29896, 29939, 29918, 3389, 29879, 580, 13, 4706, 10110, 29918, 5344, 353, 7442, 29889, 1032, 29872, 29898, 29906, 29897, 13, 4706, 363, 1065, 297, 6057, 29901, 13, 9651, 396, 3872, 29915, 29873, 1018, 304, 24656, 263, 2323, 29871, 29896, 29939, 12417, 13, 9651, 565, 7431, 29898, 3389, 29897, 5277, 29871, 29896, 29901, 13, 18884, 8636, 353, 1065, 29961, 29900, 1822, 459, 29889, 7529, 13, 18884, 396, 15154, 2323, 10110, 29341, 13, 18884, 565, 7431, 29898, 7529, 29897, 1405, 29871, 29900, 322, 7442, 29889, 2378, 29918, 11745, 29898, 3389, 29961, 29900, 1822, 459, 29889, 517, 29918, 5344, 3285, 13, 462, 462, 462, 418, 10110, 29918, 5344, 1125, 13, 462, 1678, 12136, 29889, 5992, 29918, 459, 29918, 3177, 29898, 3389, 29961, 29900, 2314, 13, 18884, 6773, 13, 13, 9651, 716, 29918, 6034, 29879, 353, 5159, 13, 9651, 5455, 353, 6607, 1061, 29898, 3389, 29961, 29900, 1822, 459, 29897, 13, 9651, 363, 12417, 297, 1065, 29961, 29896, 29901, 5387, 13, 18884, 5455, 353, 5455, 29889, 19438, 29898, 17062, 29889, 459, 29897, 13, 9651, 363, 17753, 1066, 261, 297, 1583, 29889, 6500, 275, 29901, 13, 18884, 716, 29918, 6034, 29879, 29889, 4397, 29898, 311, 22410, 261, 29898, 6891, 876, 13, 9651, 565, 716, 29918, 6034, 29879, 29901, 13, 18884, 716, 29918, 6034, 353, 1375, 29898, 1482, 29918, 6034, 29879, 29892, 1820, 29922, 2435, 29897, 13, 18884, 565, 7431, 29898, 3389, 29897, 1405, 7431, 29898, 1482, 29918, 6034, 1125, 13, 462, 1678, 716, 29918, 24157, 353, 11369, 29918, 517, 29918, 24157, 29898, 1482, 29918, 6034, 29897, 13, 462, 1678, 12136, 29889, 22492, 12356, 29918, 3177, 29918, 2541, 29918, 24157, 29898, 3389, 29961, 29900, 1402, 716, 29918, 24157, 29897, 13, 462, 1678, 396, 21267, 278, 916, 7573, 297, 278, 1065, 13, 462, 1678, 363, 1857, 29918, 3177, 297, 1065, 29961, 29896, 29901, 5387, 13, 462, 4706, 12136, 29889, 5992, 29918, 459, 29918, 3177, 29898, 3784, 29918, 3177, 29897, 13, 4706, 736, 12136, 13, 2 ]
sdk/python/pulumi_gcp/compute/region_instance_group_manager.py
sisisin/pulumi-gcp
121
42004
<filename>sdk/python/pulumi_gcp/compute/region_instance_group_manager.py<gh_stars>100-1000 # coding=utf-8 # *** WARNING: this file was generated by the Pulumi Terraform Bridge (tfgen) Tool. *** # *** Do not edit by hand unless you're certain you know what you are doing! *** import warnings import pulumi import pulumi.runtime from typing import Any, Mapping, Optional, Sequence, Union, overload from .. import _utilities from . import outputs from ._inputs import * __all__ = ['RegionInstanceGroupManagerArgs', 'RegionInstanceGroupManager'] @pulumi.input_type class RegionInstanceGroupManagerArgs: def __init__(__self__, *, base_instance_name: pulumi.Input[str], versions: pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerVersionArgs']]], auto_healing_policies: Optional[pulumi.Input['RegionInstanceGroupManagerAutoHealingPoliciesArgs']] = None, description: Optional[pulumi.Input[str]] = None, distribution_policy_target_shape: Optional[pulumi.Input[str]] = None, distribution_policy_zones: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, name: Optional[pulumi.Input[str]] = None, named_ports: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerNamedPortArgs']]]] = None, project: Optional[pulumi.Input[str]] = None, region: Optional[pulumi.Input[str]] = None, stateful_disks: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatefulDiskArgs']]]] = None, target_pools: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, target_size: Optional[pulumi.Input[int]] = None, update_policy: Optional[pulumi.Input['RegionInstanceGroupManagerUpdatePolicyArgs']] = None, wait_for_instances: Optional[pulumi.Input[bool]] = None, wait_for_instances_status: Optional[pulumi.Input[str]] = None): """ The set of arguments for constructing a RegionInstanceGroupManager resource. :param pulumi.Input[str] base_instance_name: The base instance name to use for instances in this group. The value must be a valid [RFC1035](https://www.ietf.org/rfc/rfc1035.txt) name. Supported characters are lowercase letters, numbers, and hyphens (-). Instances are named by appending a hyphen and a random four-character string to the base instance name. :param pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerVersionArgs']]] versions: Application versions managed by this instance group. Each version deals with a specific instance template, allowing canary release scenarios. Structure is documented below. :param pulumi.Input['RegionInstanceGroupManagerAutoHealingPoliciesArgs'] auto_healing_policies: The autohealing policies for this managed instance group. You can specify only one value. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/creating-groups-of-managed-instances#monitoring_groups). :param pulumi.Input[str] description: An optional textual description of the instance group manager. :param pulumi.Input[str] distribution_policy_target_shape: The shape to which the group converges either proactively or on resize events (depending on the value set in update_policy.0.instance_redistribution_type). For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/regional-mig-distribution-shape). :param pulumi.Input[Sequence[pulumi.Input[str]]] distribution_policy_zones: The distribution policy for this managed instance group. You can specify one or more values. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/distributing-instances-with-regional-instance-groups#selectingzones). :param pulumi.Input[str] name: - Version name. :param pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerNamedPortArgs']]] named_ports: The named port configuration. See the section below for details on configuration. :param pulumi.Input[str] project: The ID of the project in which the resource belongs. If it is not provided, the provider project is used. :param pulumi.Input[str] region: The region where the managed instance group resides. If not provided, the provider region is used. :param pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatefulDiskArgs']]] stateful_disks: Disks created on the instances that will be preserved on instance delete, update, etc. Structure is documented below. For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/configuring-stateful-disks-in-migs). Proactive cross zone instance redistribution must be disabled before you can update stateful disks on existing instance group managers. This can be controlled via the `update_policy`. :param pulumi.Input[Sequence[pulumi.Input[str]]] target_pools: The full URL of all target pools to which new instances in the group are added. Updating the target pools attribute does not affect existing instances. :param pulumi.Input[int] target_size: - The number of instances calculated as a fixed number or a percentage depending on the settings. Structure is documented below. :param pulumi.Input['RegionInstanceGroupManagerUpdatePolicyArgs'] update_policy: The update policy for this managed instance group. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/updating-managed-instance-groups) and [API](https://cloud.google.com/compute/docs/reference/rest/beta/regionInstanceGroupManagers/patch) :param pulumi.Input[bool] wait_for_instances: Whether to wait for all instances to be created/updated before returning. Note that if this is set to true and the operation does not succeed, the provider will continue trying until it times out. :param pulumi.Input[str] wait_for_instances_status: When used with `wait_for_instances` it specifies the status to wait for. When `STABLE` is specified this resource will wait until the instances are stable before returning. When `UPDATED` is set, it will wait for the version target to be reached and any per instance configs to be effective as well as all instances to be stable before returning. The possible values are `STABLE` and `UPDATED` """ pulumi.set(__self__, "base_instance_name", base_instance_name) pulumi.set(__self__, "versions", versions) if auto_healing_policies is not None: pulumi.set(__self__, "auto_healing_policies", auto_healing_policies) if description is not None: pulumi.set(__self__, "description", description) if distribution_policy_target_shape is not None: pulumi.set(__self__, "distribution_policy_target_shape", distribution_policy_target_shape) if distribution_policy_zones is not None: pulumi.set(__self__, "distribution_policy_zones", distribution_policy_zones) if name is not None: pulumi.set(__self__, "name", name) if named_ports is not None: pulumi.set(__self__, "named_ports", named_ports) if project is not None: pulumi.set(__self__, "project", project) if region is not None: pulumi.set(__self__, "region", region) if stateful_disks is not None: pulumi.set(__self__, "stateful_disks", stateful_disks) if target_pools is not None: pulumi.set(__self__, "target_pools", target_pools) if target_size is not None: pulumi.set(__self__, "target_size", target_size) if update_policy is not None: pulumi.set(__self__, "update_policy", update_policy) if wait_for_instances is not None: pulumi.set(__self__, "wait_for_instances", wait_for_instances) if wait_for_instances_status is not None: pulumi.set(__self__, "wait_for_instances_status", wait_for_instances_status) @property @pulumi.getter(name="baseInstanceName") def base_instance_name(self) -> pulumi.Input[str]: """ The base instance name to use for instances in this group. The value must be a valid [RFC1035](https://www.ietf.org/rfc/rfc1035.txt) name. Supported characters are lowercase letters, numbers, and hyphens (-). Instances are named by appending a hyphen and a random four-character string to the base instance name. """ return pulumi.get(self, "base_instance_name") @base_instance_name.setter def base_instance_name(self, value: pulumi.Input[str]): pulumi.set(self, "base_instance_name", value) @property @pulumi.getter def versions(self) -> pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerVersionArgs']]]: """ Application versions managed by this instance group. Each version deals with a specific instance template, allowing canary release scenarios. Structure is documented below. """ return pulumi.get(self, "versions") @versions.setter def versions(self, value: pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerVersionArgs']]]): pulumi.set(self, "versions", value) @property @pulumi.getter(name="autoHealingPolicies") def auto_healing_policies(self) -> Optional[pulumi.Input['RegionInstanceGroupManagerAutoHealingPoliciesArgs']]: """ The autohealing policies for this managed instance group. You can specify only one value. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/creating-groups-of-managed-instances#monitoring_groups). """ return pulumi.get(self, "auto_healing_policies") @auto_healing_policies.setter def auto_healing_policies(self, value: Optional[pulumi.Input['RegionInstanceGroupManagerAutoHealingPoliciesArgs']]): pulumi.set(self, "auto_healing_policies", value) @property @pulumi.getter def description(self) -> Optional[pulumi.Input[str]]: """ An optional textual description of the instance group manager. """ return pulumi.get(self, "description") @description.setter def description(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "description", value) @property @pulumi.getter(name="distributionPolicyTargetShape") def distribution_policy_target_shape(self) -> Optional[pulumi.Input[str]]: """ The shape to which the group converges either proactively or on resize events (depending on the value set in update_policy.0.instance_redistribution_type). For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/regional-mig-distribution-shape). """ return pulumi.get(self, "distribution_policy_target_shape") @distribution_policy_target_shape.setter def distribution_policy_target_shape(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "distribution_policy_target_shape", value) @property @pulumi.getter(name="distributionPolicyZones") def distribution_policy_zones(self) -> Optional[pulumi.Input[Sequence[pulumi.Input[str]]]]: """ The distribution policy for this managed instance group. You can specify one or more values. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/distributing-instances-with-regional-instance-groups#selectingzones). """ return pulumi.get(self, "distribution_policy_zones") @distribution_policy_zones.setter def distribution_policy_zones(self, value: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]]): pulumi.set(self, "distribution_policy_zones", value) @property @pulumi.getter def name(self) -> Optional[pulumi.Input[str]]: """ - Version name. """ return pulumi.get(self, "name") @name.setter def name(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "name", value) @property @pulumi.getter(name="namedPorts") def named_ports(self) -> Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerNamedPortArgs']]]]: """ The named port configuration. See the section below for details on configuration. """ return pulumi.get(self, "named_ports") @named_ports.setter def named_ports(self, value: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerNamedPortArgs']]]]): pulumi.set(self, "named_ports", value) @property @pulumi.getter def project(self) -> Optional[pulumi.Input[str]]: """ The ID of the project in which the resource belongs. If it is not provided, the provider project is used. """ return pulumi.get(self, "project") @project.setter def project(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "project", value) @property @pulumi.getter def region(self) -> Optional[pulumi.Input[str]]: """ The region where the managed instance group resides. If not provided, the provider region is used. """ return pulumi.get(self, "region") @region.setter def region(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "region", value) @property @pulumi.getter(name="statefulDisks") def stateful_disks(self) -> Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatefulDiskArgs']]]]: """ Disks created on the instances that will be preserved on instance delete, update, etc. Structure is documented below. For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/configuring-stateful-disks-in-migs). Proactive cross zone instance redistribution must be disabled before you can update stateful disks on existing instance group managers. This can be controlled via the `update_policy`. """ return pulumi.get(self, "stateful_disks") @stateful_disks.setter def stateful_disks(self, value: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatefulDiskArgs']]]]): pulumi.set(self, "stateful_disks", value) @property @pulumi.getter(name="targetPools") def target_pools(self) -> Optional[pulumi.Input[Sequence[pulumi.Input[str]]]]: """ The full URL of all target pools to which new instances in the group are added. Updating the target pools attribute does not affect existing instances. """ return pulumi.get(self, "target_pools") @target_pools.setter def target_pools(self, value: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]]): pulumi.set(self, "target_pools", value) @property @pulumi.getter(name="targetSize") def target_size(self) -> Optional[pulumi.Input[int]]: """ - The number of instances calculated as a fixed number or a percentage depending on the settings. Structure is documented below. """ return pulumi.get(self, "target_size") @target_size.setter def target_size(self, value: Optional[pulumi.Input[int]]): pulumi.set(self, "target_size", value) @property @pulumi.getter(name="updatePolicy") def update_policy(self) -> Optional[pulumi.Input['RegionInstanceGroupManagerUpdatePolicyArgs']]: """ The update policy for this managed instance group. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/updating-managed-instance-groups) and [API](https://cloud.google.com/compute/docs/reference/rest/beta/regionInstanceGroupManagers/patch) """ return pulumi.get(self, "update_policy") @update_policy.setter def update_policy(self, value: Optional[pulumi.Input['RegionInstanceGroupManagerUpdatePolicyArgs']]): pulumi.set(self, "update_policy", value) @property @pulumi.getter(name="waitForInstances") def wait_for_instances(self) -> Optional[pulumi.Input[bool]]: """ Whether to wait for all instances to be created/updated before returning. Note that if this is set to true and the operation does not succeed, the provider will continue trying until it times out. """ return pulumi.get(self, "wait_for_instances") @wait_for_instances.setter def wait_for_instances(self, value: Optional[pulumi.Input[bool]]): pulumi.set(self, "wait_for_instances", value) @property @pulumi.getter(name="waitForInstancesStatus") def wait_for_instances_status(self) -> Optional[pulumi.Input[str]]: """ When used with `wait_for_instances` it specifies the status to wait for. When `STABLE` is specified this resource will wait until the instances are stable before returning. When `UPDATED` is set, it will wait for the version target to be reached and any per instance configs to be effective as well as all instances to be stable before returning. The possible values are `STABLE` and `UPDATED` """ return pulumi.get(self, "wait_for_instances_status") @wait_for_instances_status.setter def wait_for_instances_status(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "wait_for_instances_status", value) @pulumi.input_type class _RegionInstanceGroupManagerState: def __init__(__self__, *, auto_healing_policies: Optional[pulumi.Input['RegionInstanceGroupManagerAutoHealingPoliciesArgs']] = None, base_instance_name: Optional[pulumi.Input[str]] = None, description: Optional[pulumi.Input[str]] = None, distribution_policy_target_shape: Optional[pulumi.Input[str]] = None, distribution_policy_zones: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, fingerprint: Optional[pulumi.Input[str]] = None, instance_group: Optional[pulumi.Input[str]] = None, name: Optional[pulumi.Input[str]] = None, named_ports: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerNamedPortArgs']]]] = None, project: Optional[pulumi.Input[str]] = None, region: Optional[pulumi.Input[str]] = None, self_link: Optional[pulumi.Input[str]] = None, stateful_disks: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatefulDiskArgs']]]] = None, statuses: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatusArgs']]]] = None, target_pools: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, target_size: Optional[pulumi.Input[int]] = None, update_policy: Optional[pulumi.Input['RegionInstanceGroupManagerUpdatePolicyArgs']] = None, versions: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerVersionArgs']]]] = None, wait_for_instances: Optional[pulumi.Input[bool]] = None, wait_for_instances_status: Optional[pulumi.Input[str]] = None): """ Input properties used for looking up and filtering RegionInstanceGroupManager resources. :param pulumi.Input['RegionInstanceGroupManagerAutoHealingPoliciesArgs'] auto_healing_policies: The autohealing policies for this managed instance group. You can specify only one value. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/creating-groups-of-managed-instances#monitoring_groups). :param pulumi.Input[str] base_instance_name: The base instance name to use for instances in this group. The value must be a valid [RFC1035](https://www.ietf.org/rfc/rfc1035.txt) name. Supported characters are lowercase letters, numbers, and hyphens (-). Instances are named by appending a hyphen and a random four-character string to the base instance name. :param pulumi.Input[str] description: An optional textual description of the instance group manager. :param pulumi.Input[str] distribution_policy_target_shape: The shape to which the group converges either proactively or on resize events (depending on the value set in update_policy.0.instance_redistribution_type). For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/regional-mig-distribution-shape). :param pulumi.Input[Sequence[pulumi.Input[str]]] distribution_policy_zones: The distribution policy for this managed instance group. You can specify one or more values. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/distributing-instances-with-regional-instance-groups#selectingzones). :param pulumi.Input[str] fingerprint: The fingerprint of the instance group manager. :param pulumi.Input[str] instance_group: The full URL of the instance group created by the manager. :param pulumi.Input[str] name: - Version name. :param pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerNamedPortArgs']]] named_ports: The named port configuration. See the section below for details on configuration. :param pulumi.Input[str] project: The ID of the project in which the resource belongs. If it is not provided, the provider project is used. :param pulumi.Input[str] region: The region where the managed instance group resides. If not provided, the provider region is used. :param pulumi.Input[str] self_link: The URL of the created resource. :param pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatefulDiskArgs']]] stateful_disks: Disks created on the instances that will be preserved on instance delete, update, etc. Structure is documented below. For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/configuring-stateful-disks-in-migs). Proactive cross zone instance redistribution must be disabled before you can update stateful disks on existing instance group managers. This can be controlled via the `update_policy`. :param pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatusArgs']]] statuses: The status of this managed instance group. :param pulumi.Input[Sequence[pulumi.Input[str]]] target_pools: The full URL of all target pools to which new instances in the group are added. Updating the target pools attribute does not affect existing instances. :param pulumi.Input[int] target_size: - The number of instances calculated as a fixed number or a percentage depending on the settings. Structure is documented below. :param pulumi.Input['RegionInstanceGroupManagerUpdatePolicyArgs'] update_policy: The update policy for this managed instance group. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/updating-managed-instance-groups) and [API](https://cloud.google.com/compute/docs/reference/rest/beta/regionInstanceGroupManagers/patch) :param pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerVersionArgs']]] versions: Application versions managed by this instance group. Each version deals with a specific instance template, allowing canary release scenarios. Structure is documented below. :param pulumi.Input[bool] wait_for_instances: Whether to wait for all instances to be created/updated before returning. Note that if this is set to true and the operation does not succeed, the provider will continue trying until it times out. :param pulumi.Input[str] wait_for_instances_status: When used with `wait_for_instances` it specifies the status to wait for. When `STABLE` is specified this resource will wait until the instances are stable before returning. When `UPDATED` is set, it will wait for the version target to be reached and any per instance configs to be effective as well as all instances to be stable before returning. The possible values are `STABLE` and `UPDATED` """ if auto_healing_policies is not None: pulumi.set(__self__, "auto_healing_policies", auto_healing_policies) if base_instance_name is not None: pulumi.set(__self__, "base_instance_name", base_instance_name) if description is not None: pulumi.set(__self__, "description", description) if distribution_policy_target_shape is not None: pulumi.set(__self__, "distribution_policy_target_shape", distribution_policy_target_shape) if distribution_policy_zones is not None: pulumi.set(__self__, "distribution_policy_zones", distribution_policy_zones) if fingerprint is not None: pulumi.set(__self__, "fingerprint", fingerprint) if instance_group is not None: pulumi.set(__self__, "instance_group", instance_group) if name is not None: pulumi.set(__self__, "name", name) if named_ports is not None: pulumi.set(__self__, "named_ports", named_ports) if project is not None: pulumi.set(__self__, "project", project) if region is not None: pulumi.set(__self__, "region", region) if self_link is not None: pulumi.set(__self__, "self_link", self_link) if stateful_disks is not None: pulumi.set(__self__, "stateful_disks", stateful_disks) if statuses is not None: pulumi.set(__self__, "statuses", statuses) if target_pools is not None: pulumi.set(__self__, "target_pools", target_pools) if target_size is not None: pulumi.set(__self__, "target_size", target_size) if update_policy is not None: pulumi.set(__self__, "update_policy", update_policy) if versions is not None: pulumi.set(__self__, "versions", versions) if wait_for_instances is not None: pulumi.set(__self__, "wait_for_instances", wait_for_instances) if wait_for_instances_status is not None: pulumi.set(__self__, "wait_for_instances_status", wait_for_instances_status) @property @pulumi.getter(name="autoHealingPolicies") def auto_healing_policies(self) -> Optional[pulumi.Input['RegionInstanceGroupManagerAutoHealingPoliciesArgs']]: """ The autohealing policies for this managed instance group. You can specify only one value. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/creating-groups-of-managed-instances#monitoring_groups). """ return pulumi.get(self, "auto_healing_policies") @auto_healing_policies.setter def auto_healing_policies(self, value: Optional[pulumi.Input['RegionInstanceGroupManagerAutoHealingPoliciesArgs']]): pulumi.set(self, "auto_healing_policies", value) @property @pulumi.getter(name="baseInstanceName") def base_instance_name(self) -> Optional[pulumi.Input[str]]: """ The base instance name to use for instances in this group. The value must be a valid [RFC1035](https://www.ietf.org/rfc/rfc1035.txt) name. Supported characters are lowercase letters, numbers, and hyphens (-). Instances are named by appending a hyphen and a random four-character string to the base instance name. """ return pulumi.get(self, "base_instance_name") @base_instance_name.setter def base_instance_name(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "base_instance_name", value) @property @pulumi.getter def description(self) -> Optional[pulumi.Input[str]]: """ An optional textual description of the instance group manager. """ return pulumi.get(self, "description") @description.setter def description(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "description", value) @property @pulumi.getter(name="distributionPolicyTargetShape") def distribution_policy_target_shape(self) -> Optional[pulumi.Input[str]]: """ The shape to which the group converges either proactively or on resize events (depending on the value set in update_policy.0.instance_redistribution_type). For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/regional-mig-distribution-shape). """ return pulumi.get(self, "distribution_policy_target_shape") @distribution_policy_target_shape.setter def distribution_policy_target_shape(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "distribution_policy_target_shape", value) @property @pulumi.getter(name="distributionPolicyZones") def distribution_policy_zones(self) -> Optional[pulumi.Input[Sequence[pulumi.Input[str]]]]: """ The distribution policy for this managed instance group. You can specify one or more values. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/distributing-instances-with-regional-instance-groups#selectingzones). """ return pulumi.get(self, "distribution_policy_zones") @distribution_policy_zones.setter def distribution_policy_zones(self, value: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]]): pulumi.set(self, "distribution_policy_zones", value) @property @pulumi.getter def fingerprint(self) -> Optional[pulumi.Input[str]]: """ The fingerprint of the instance group manager. """ return pulumi.get(self, "fingerprint") @fingerprint.setter def fingerprint(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "fingerprint", value) @property @pulumi.getter(name="instanceGroup") def instance_group(self) -> Optional[pulumi.Input[str]]: """ The full URL of the instance group created by the manager. """ return pulumi.get(self, "instance_group") @instance_group.setter def instance_group(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "instance_group", value) @property @pulumi.getter def name(self) -> Optional[pulumi.Input[str]]: """ - Version name. """ return pulumi.get(self, "name") @name.setter def name(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "name", value) @property @pulumi.getter(name="namedPorts") def named_ports(self) -> Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerNamedPortArgs']]]]: """ The named port configuration. See the section below for details on configuration. """ return pulumi.get(self, "named_ports") @named_ports.setter def named_ports(self, value: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerNamedPortArgs']]]]): pulumi.set(self, "named_ports", value) @property @pulumi.getter def project(self) -> Optional[pulumi.Input[str]]: """ The ID of the project in which the resource belongs. If it is not provided, the provider project is used. """ return pulumi.get(self, "project") @project.setter def project(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "project", value) @property @pulumi.getter def region(self) -> Optional[pulumi.Input[str]]: """ The region where the managed instance group resides. If not provided, the provider region is used. """ return pulumi.get(self, "region") @region.setter def region(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "region", value) @property @pulumi.getter(name="selfLink") def self_link(self) -> Optional[pulumi.Input[str]]: """ The URL of the created resource. """ return pulumi.get(self, "self_link") @self_link.setter def self_link(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "self_link", value) @property @pulumi.getter(name="statefulDisks") def stateful_disks(self) -> Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatefulDiskArgs']]]]: """ Disks created on the instances that will be preserved on instance delete, update, etc. Structure is documented below. For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/configuring-stateful-disks-in-migs). Proactive cross zone instance redistribution must be disabled before you can update stateful disks on existing instance group managers. This can be controlled via the `update_policy`. """ return pulumi.get(self, "stateful_disks") @stateful_disks.setter def stateful_disks(self, value: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatefulDiskArgs']]]]): pulumi.set(self, "stateful_disks", value) @property @pulumi.getter def statuses(self) -> Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatusArgs']]]]: """ The status of this managed instance group. """ return pulumi.get(self, "statuses") @statuses.setter def statuses(self, value: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerStatusArgs']]]]): pulumi.set(self, "statuses", value) @property @pulumi.getter(name="targetPools") def target_pools(self) -> Optional[pulumi.Input[Sequence[pulumi.Input[str]]]]: """ The full URL of all target pools to which new instances in the group are added. Updating the target pools attribute does not affect existing instances. """ return pulumi.get(self, "target_pools") @target_pools.setter def target_pools(self, value: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]]): pulumi.set(self, "target_pools", value) @property @pulumi.getter(name="targetSize") def target_size(self) -> Optional[pulumi.Input[int]]: """ - The number of instances calculated as a fixed number or a percentage depending on the settings. Structure is documented below. """ return pulumi.get(self, "target_size") @target_size.setter def target_size(self, value: Optional[pulumi.Input[int]]): pulumi.set(self, "target_size", value) @property @pulumi.getter(name="updatePolicy") def update_policy(self) -> Optional[pulumi.Input['RegionInstanceGroupManagerUpdatePolicyArgs']]: """ The update policy for this managed instance group. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/updating-managed-instance-groups) and [API](https://cloud.google.com/compute/docs/reference/rest/beta/regionInstanceGroupManagers/patch) """ return pulumi.get(self, "update_policy") @update_policy.setter def update_policy(self, value: Optional[pulumi.Input['RegionInstanceGroupManagerUpdatePolicyArgs']]): pulumi.set(self, "update_policy", value) @property @pulumi.getter def versions(self) -> Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerVersionArgs']]]]: """ Application versions managed by this instance group. Each version deals with a specific instance template, allowing canary release scenarios. Structure is documented below. """ return pulumi.get(self, "versions") @versions.setter def versions(self, value: Optional[pulumi.Input[Sequence[pulumi.Input['RegionInstanceGroupManagerVersionArgs']]]]): pulumi.set(self, "versions", value) @property @pulumi.getter(name="waitForInstances") def wait_for_instances(self) -> Optional[pulumi.Input[bool]]: """ Whether to wait for all instances to be created/updated before returning. Note that if this is set to true and the operation does not succeed, the provider will continue trying until it times out. """ return pulumi.get(self, "wait_for_instances") @wait_for_instances.setter def wait_for_instances(self, value: Optional[pulumi.Input[bool]]): pulumi.set(self, "wait_for_instances", value) @property @pulumi.getter(name="waitForInstancesStatus") def wait_for_instances_status(self) -> Optional[pulumi.Input[str]]: """ When used with `wait_for_instances` it specifies the status to wait for. When `STABLE` is specified this resource will wait until the instances are stable before returning. When `UPDATED` is set, it will wait for the version target to be reached and any per instance configs to be effective as well as all instances to be stable before returning. The possible values are `STABLE` and `UPDATED` """ return pulumi.get(self, "wait_for_instances_status") @wait_for_instances_status.setter def wait_for_instances_status(self, value: Optional[pulumi.Input[str]]): pulumi.set(self, "wait_for_instances_status", value) class RegionInstanceGroupManager(pulumi.CustomResource): @overload def __init__(__self__, resource_name: str, opts: Optional[pulumi.ResourceOptions] = None, auto_healing_policies: Optional[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerAutoHealingPoliciesArgs']]] = None, base_instance_name: Optional[pulumi.Input[str]] = None, description: Optional[pulumi.Input[str]] = None, distribution_policy_target_shape: Optional[pulumi.Input[str]] = None, distribution_policy_zones: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, name: Optional[pulumi.Input[str]] = None, named_ports: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerNamedPortArgs']]]]] = None, project: Optional[pulumi.Input[str]] = None, region: Optional[pulumi.Input[str]] = None, stateful_disks: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerStatefulDiskArgs']]]]] = None, target_pools: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, target_size: Optional[pulumi.Input[int]] = None, update_policy: Optional[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerUpdatePolicyArgs']]] = None, versions: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerVersionArgs']]]]] = None, wait_for_instances: Optional[pulumi.Input[bool]] = None, wait_for_instances_status: Optional[pulumi.Input[str]] = None, __props__=None): """ The Google Compute Engine Regional Instance Group Manager API creates and manages pools of homogeneous Compute Engine virtual machine instances from a common instance template. To get more information about regionInstanceGroupManagers, see: * [API documentation](https://cloud.google.com/compute/docs/reference/latest/regionInstanceGroupManagers) * How-to Guides * [Regional Instance Groups Guide](https://cloud.google.com/compute/docs/instance-groups/distributing-instances-with-regional-instance-groups) > **Note:** Use [compute.InstanceGroupManager](https://www.terraform.io/docs/providers/google/r/compute_instance_group_manager.html) to create a zonal instance group manager. ## Example Usage ### With Top Level Instance Template (`Google` Provider) ```python import pulumi import pulumi_gcp as gcp autohealing = gcp.compute.HealthCheck("autohealing", check_interval_sec=5, timeout_sec=5, healthy_threshold=2, unhealthy_threshold=10, http_health_check=gcp.compute.HealthCheckHttpHealthCheckArgs( request_path="/healthz", port=8080, )) appserver = gcp.compute.RegionInstanceGroupManager("appserver", base_instance_name="app", region="us-central1", distribution_policy_zones=[ "us-central1-a", "us-central1-f", ], versions=[gcp.compute.RegionInstanceGroupManagerVersionArgs( instance_template=google_compute_instance_template["appserver"]["id"], )], target_pools=[google_compute_target_pool["appserver"]["id"]], target_size=2, named_ports=[gcp.compute.RegionInstanceGroupManagerNamedPortArgs( name="custom", port=8888, )], auto_healing_policies=gcp.compute.RegionInstanceGroupManagerAutoHealingPoliciesArgs( health_check=autohealing.id, initial_delay_sec=300, )) ``` ### With Multiple Versions ```python import pulumi import pulumi_gcp as gcp appserver = gcp.compute.RegionInstanceGroupManager("appserver", base_instance_name="app", region="us-central1", target_size=5, versions=[ gcp.compute.RegionInstanceGroupManagerVersionArgs( instance_template=google_compute_instance_template["appserver"]["id"], ), gcp.compute.RegionInstanceGroupManagerVersionArgs( instance_template=google_compute_instance_template["appserver-canary"]["id"], target_size=gcp.compute.RegionInstanceGroupManagerVersionTargetSizeArgs( fixed=1, ), ), ]) ``` ## Import Instance group managers can be imported using the `name`, e.g. ```sh $ pulumi import gcp:compute/regionInstanceGroupManager:RegionInstanceGroupManager appserver appserver-igm ``` :param str resource_name: The name of the resource. :param pulumi.ResourceOptions opts: Options for the resource. :param pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerAutoHealingPoliciesArgs']] auto_healing_policies: The autohealing policies for this managed instance group. You can specify only one value. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/creating-groups-of-managed-instances#monitoring_groups). :param pulumi.Input[str] base_instance_name: The base instance name to use for instances in this group. The value must be a valid [RFC1035](https://www.ietf.org/rfc/rfc1035.txt) name. Supported characters are lowercase letters, numbers, and hyphens (-). Instances are named by appending a hyphen and a random four-character string to the base instance name. :param pulumi.Input[str] description: An optional textual description of the instance group manager. :param pulumi.Input[str] distribution_policy_target_shape: The shape to which the group converges either proactively or on resize events (depending on the value set in update_policy.0.instance_redistribution_type). For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/regional-mig-distribution-shape). :param pulumi.Input[Sequence[pulumi.Input[str]]] distribution_policy_zones: The distribution policy for this managed instance group. You can specify one or more values. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/distributing-instances-with-regional-instance-groups#selectingzones). :param pulumi.Input[str] name: - Version name. :param pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerNamedPortArgs']]]] named_ports: The named port configuration. See the section below for details on configuration. :param pulumi.Input[str] project: The ID of the project in which the resource belongs. If it is not provided, the provider project is used. :param pulumi.Input[str] region: The region where the managed instance group resides. If not provided, the provider region is used. :param pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerStatefulDiskArgs']]]] stateful_disks: Disks created on the instances that will be preserved on instance delete, update, etc. Structure is documented below. For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/configuring-stateful-disks-in-migs). Proactive cross zone instance redistribution must be disabled before you can update stateful disks on existing instance group managers. This can be controlled via the `update_policy`. :param pulumi.Input[Sequence[pulumi.Input[str]]] target_pools: The full URL of all target pools to which new instances in the group are added. Updating the target pools attribute does not affect existing instances. :param pulumi.Input[int] target_size: - The number of instances calculated as a fixed number or a percentage depending on the settings. Structure is documented below. :param pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerUpdatePolicyArgs']] update_policy: The update policy for this managed instance group. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/updating-managed-instance-groups) and [API](https://cloud.google.com/compute/docs/reference/rest/beta/regionInstanceGroupManagers/patch) :param pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerVersionArgs']]]] versions: Application versions managed by this instance group. Each version deals with a specific instance template, allowing canary release scenarios. Structure is documented below. :param pulumi.Input[bool] wait_for_instances: Whether to wait for all instances to be created/updated before returning. Note that if this is set to true and the operation does not succeed, the provider will continue trying until it times out. :param pulumi.Input[str] wait_for_instances_status: When used with `wait_for_instances` it specifies the status to wait for. When `STABLE` is specified this resource will wait until the instances are stable before returning. When `UPDATED` is set, it will wait for the version target to be reached and any per instance configs to be effective as well as all instances to be stable before returning. The possible values are `STABLE` and `UPDATED` """ ... @overload def __init__(__self__, resource_name: str, args: RegionInstanceGroupManagerArgs, opts: Optional[pulumi.ResourceOptions] = None): """ The Google Compute Engine Regional Instance Group Manager API creates and manages pools of homogeneous Compute Engine virtual machine instances from a common instance template. To get more information about regionInstanceGroupManagers, see: * [API documentation](https://cloud.google.com/compute/docs/reference/latest/regionInstanceGroupManagers) * How-to Guides * [Regional Instance Groups Guide](https://cloud.google.com/compute/docs/instance-groups/distributing-instances-with-regional-instance-groups) > **Note:** Use [compute.InstanceGroupManager](https://www.terraform.io/docs/providers/google/r/compute_instance_group_manager.html) to create a zonal instance group manager. ## Example Usage ### With Top Level Instance Template (`Google` Provider) ```python import pulumi import pulumi_gcp as gcp autohealing = gcp.compute.HealthCheck("autohealing", check_interval_sec=5, timeout_sec=5, healthy_threshold=2, unhealthy_threshold=10, http_health_check=gcp.compute.HealthCheckHttpHealthCheckArgs( request_path="/healthz", port=8080, )) appserver = gcp.compute.RegionInstanceGroupManager("appserver", base_instance_name="app", region="us-central1", distribution_policy_zones=[ "us-central1-a", "us-central1-f", ], versions=[gcp.compute.RegionInstanceGroupManagerVersionArgs( instance_template=google_compute_instance_template["appserver"]["id"], )], target_pools=[google_compute_target_pool["appserver"]["id"]], target_size=2, named_ports=[gcp.compute.RegionInstanceGroupManagerNamedPortArgs( name="custom", port=8888, )], auto_healing_policies=gcp.compute.RegionInstanceGroupManagerAutoHealingPoliciesArgs( health_check=autohealing.id, initial_delay_sec=300, )) ``` ### With Multiple Versions ```python import pulumi import pulumi_gcp as gcp appserver = gcp.compute.RegionInstanceGroupManager("appserver", base_instance_name="app", region="us-central1", target_size=5, versions=[ gcp.compute.RegionInstanceGroupManagerVersionArgs( instance_template=google_compute_instance_template["appserver"]["id"], ), gcp.compute.RegionInstanceGroupManagerVersionArgs( instance_template=google_compute_instance_template["appserver-canary"]["id"], target_size=gcp.compute.RegionInstanceGroupManagerVersionTargetSizeArgs( fixed=1, ), ), ]) ``` ## Import Instance group managers can be imported using the `name`, e.g. ```sh $ pulumi import gcp:compute/regionInstanceGroupManager:RegionInstanceGroupManager appserver appserver-igm ``` :param str resource_name: The name of the resource. :param RegionInstanceGroupManagerArgs args: The arguments to use to populate this resource's properties. :param pulumi.ResourceOptions opts: Options for the resource. """ ... def __init__(__self__, resource_name: str, *args, **kwargs): resource_args, opts = _utilities.get_resource_args_opts(RegionInstanceGroupManagerArgs, pulumi.ResourceOptions, *args, **kwargs) if resource_args is not None: __self__._internal_init(resource_name, opts, **resource_args.__dict__) else: __self__._internal_init(resource_name, *args, **kwargs) def _internal_init(__self__, resource_name: str, opts: Optional[pulumi.ResourceOptions] = None, auto_healing_policies: Optional[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerAutoHealingPoliciesArgs']]] = None, base_instance_name: Optional[pulumi.Input[str]] = None, description: Optional[pulumi.Input[str]] = None, distribution_policy_target_shape: Optional[pulumi.Input[str]] = None, distribution_policy_zones: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, name: Optional[pulumi.Input[str]] = None, named_ports: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerNamedPortArgs']]]]] = None, project: Optional[pulumi.Input[str]] = None, region: Optional[pulumi.Input[str]] = None, stateful_disks: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerStatefulDiskArgs']]]]] = None, target_pools: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, target_size: Optional[pulumi.Input[int]] = None, update_policy: Optional[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerUpdatePolicyArgs']]] = None, versions: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerVersionArgs']]]]] = None, wait_for_instances: Optional[pulumi.Input[bool]] = None, wait_for_instances_status: Optional[pulumi.Input[str]] = None, __props__=None): if opts is None: opts = pulumi.ResourceOptions() if not isinstance(opts, pulumi.ResourceOptions): raise TypeError('Expected resource options to be a ResourceOptions instance') if opts.version is None: opts.version = _utilities.get_version() if opts.id is None: if __props__ is not None: raise TypeError('__props__ is only valid when passed in combination with a valid opts.id to get an existing resource') __props__ = RegionInstanceGroupManagerArgs.__new__(RegionInstanceGroupManagerArgs) __props__.__dict__["auto_healing_policies"] = auto_healing_policies if base_instance_name is None and not opts.urn: raise TypeError("Missing required property 'base_instance_name'") __props__.__dict__["base_instance_name"] = base_instance_name __props__.__dict__["description"] = description __props__.__dict__["distribution_policy_target_shape"] = distribution_policy_target_shape __props__.__dict__["distribution_policy_zones"] = distribution_policy_zones __props__.__dict__["name"] = name __props__.__dict__["named_ports"] = named_ports __props__.__dict__["project"] = project __props__.__dict__["region"] = region __props__.__dict__["stateful_disks"] = stateful_disks __props__.__dict__["target_pools"] = target_pools __props__.__dict__["target_size"] = target_size __props__.__dict__["update_policy"] = update_policy if versions is None and not opts.urn: raise TypeError("Missing required property 'versions'") __props__.__dict__["versions"] = versions __props__.__dict__["wait_for_instances"] = wait_for_instances __props__.__dict__["wait_for_instances_status"] = wait_for_instances_status __props__.__dict__["fingerprint"] = None __props__.__dict__["instance_group"] = None __props__.__dict__["self_link"] = None __props__.__dict__["statuses"] = None super(RegionInstanceGroupManager, __self__).__init__( 'gcp:compute/regionInstanceGroupManager:RegionInstanceGroupManager', resource_name, __props__, opts) @staticmethod def get(resource_name: str, id: pulumi.Input[str], opts: Optional[pulumi.ResourceOptions] = None, auto_healing_policies: Optional[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerAutoHealingPoliciesArgs']]] = None, base_instance_name: Optional[pulumi.Input[str]] = None, description: Optional[pulumi.Input[str]] = None, distribution_policy_target_shape: Optional[pulumi.Input[str]] = None, distribution_policy_zones: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, fingerprint: Optional[pulumi.Input[str]] = None, instance_group: Optional[pulumi.Input[str]] = None, name: Optional[pulumi.Input[str]] = None, named_ports: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerNamedPortArgs']]]]] = None, project: Optional[pulumi.Input[str]] = None, region: Optional[pulumi.Input[str]] = None, self_link: Optional[pulumi.Input[str]] = None, stateful_disks: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerStatefulDiskArgs']]]]] = None, statuses: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerStatusArgs']]]]] = None, target_pools: Optional[pulumi.Input[Sequence[pulumi.Input[str]]]] = None, target_size: Optional[pulumi.Input[int]] = None, update_policy: Optional[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerUpdatePolicyArgs']]] = None, versions: Optional[pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerVersionArgs']]]]] = None, wait_for_instances: Optional[pulumi.Input[bool]] = None, wait_for_instances_status: Optional[pulumi.Input[str]] = None) -> 'RegionInstanceGroupManager': """ Get an existing RegionInstanceGroupManager resource's state with the given name, id, and optional extra properties used to qualify the lookup. :param str resource_name: The unique name of the resulting resource. :param pulumi.Input[str] id: The unique provider ID of the resource to lookup. :param pulumi.ResourceOptions opts: Options for the resource. :param pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerAutoHealingPoliciesArgs']] auto_healing_policies: The autohealing policies for this managed instance group. You can specify only one value. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/creating-groups-of-managed-instances#monitoring_groups). :param pulumi.Input[str] base_instance_name: The base instance name to use for instances in this group. The value must be a valid [RFC1035](https://www.ietf.org/rfc/rfc1035.txt) name. Supported characters are lowercase letters, numbers, and hyphens (-). Instances are named by appending a hyphen and a random four-character string to the base instance name. :param pulumi.Input[str] description: An optional textual description of the instance group manager. :param pulumi.Input[str] distribution_policy_target_shape: The shape to which the group converges either proactively or on resize events (depending on the value set in update_policy.0.instance_redistribution_type). For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/regional-mig-distribution-shape). :param pulumi.Input[Sequence[pulumi.Input[str]]] distribution_policy_zones: The distribution policy for this managed instance group. You can specify one or more values. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/distributing-instances-with-regional-instance-groups#selectingzones). :param pulumi.Input[str] fingerprint: The fingerprint of the instance group manager. :param pulumi.Input[str] instance_group: The full URL of the instance group created by the manager. :param pulumi.Input[str] name: - Version name. :param pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerNamedPortArgs']]]] named_ports: The named port configuration. See the section below for details on configuration. :param pulumi.Input[str] project: The ID of the project in which the resource belongs. If it is not provided, the provider project is used. :param pulumi.Input[str] region: The region where the managed instance group resides. If not provided, the provider region is used. :param pulumi.Input[str] self_link: The URL of the created resource. :param pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerStatefulDiskArgs']]]] stateful_disks: Disks created on the instances that will be preserved on instance delete, update, etc. Structure is documented below. For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/configuring-stateful-disks-in-migs). Proactive cross zone instance redistribution must be disabled before you can update stateful disks on existing instance group managers. This can be controlled via the `update_policy`. :param pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerStatusArgs']]]] statuses: The status of this managed instance group. :param pulumi.Input[Sequence[pulumi.Input[str]]] target_pools: The full URL of all target pools to which new instances in the group are added. Updating the target pools attribute does not affect existing instances. :param pulumi.Input[int] target_size: - The number of instances calculated as a fixed number or a percentage depending on the settings. Structure is documented below. :param pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerUpdatePolicyArgs']] update_policy: The update policy for this managed instance group. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/updating-managed-instance-groups) and [API](https://cloud.google.com/compute/docs/reference/rest/beta/regionInstanceGroupManagers/patch) :param pulumi.Input[Sequence[pulumi.Input[pulumi.InputType['RegionInstanceGroupManagerVersionArgs']]]] versions: Application versions managed by this instance group. Each version deals with a specific instance template, allowing canary release scenarios. Structure is documented below. :param pulumi.Input[bool] wait_for_instances: Whether to wait for all instances to be created/updated before returning. Note that if this is set to true and the operation does not succeed, the provider will continue trying until it times out. :param pulumi.Input[str] wait_for_instances_status: When used with `wait_for_instances` it specifies the status to wait for. When `STABLE` is specified this resource will wait until the instances are stable before returning. When `UPDATED` is set, it will wait for the version target to be reached and any per instance configs to be effective as well as all instances to be stable before returning. The possible values are `STABLE` and `UPDATED` """ opts = pulumi.ResourceOptions.merge(opts, pulumi.ResourceOptions(id=id)) __props__ = _RegionInstanceGroupManagerState.__new__(_RegionInstanceGroupManagerState) __props__.__dict__["auto_healing_policies"] = auto_healing_policies __props__.__dict__["base_instance_name"] = base_instance_name __props__.__dict__["description"] = description __props__.__dict__["distribution_policy_target_shape"] = distribution_policy_target_shape __props__.__dict__["distribution_policy_zones"] = distribution_policy_zones __props__.__dict__["fingerprint"] = fingerprint __props__.__dict__["instance_group"] = instance_group __props__.__dict__["name"] = name __props__.__dict__["named_ports"] = named_ports __props__.__dict__["project"] = project __props__.__dict__["region"] = region __props__.__dict__["self_link"] = self_link __props__.__dict__["stateful_disks"] = stateful_disks __props__.__dict__["statuses"] = statuses __props__.__dict__["target_pools"] = target_pools __props__.__dict__["target_size"] = target_size __props__.__dict__["update_policy"] = update_policy __props__.__dict__["versions"] = versions __props__.__dict__["wait_for_instances"] = wait_for_instances __props__.__dict__["wait_for_instances_status"] = wait_for_instances_status return RegionInstanceGroupManager(resource_name, opts=opts, __props__=__props__) @property @pulumi.getter(name="autoHealingPolicies") def auto_healing_policies(self) -> pulumi.Output[Optional['outputs.RegionInstanceGroupManagerAutoHealingPolicies']]: """ The autohealing policies for this managed instance group. You can specify only one value. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/creating-groups-of-managed-instances#monitoring_groups). """ return pulumi.get(self, "auto_healing_policies") @property @pulumi.getter(name="baseInstanceName") def base_instance_name(self) -> pulumi.Output[str]: """ The base instance name to use for instances in this group. The value must be a valid [RFC1035](https://www.ietf.org/rfc/rfc1035.txt) name. Supported characters are lowercase letters, numbers, and hyphens (-). Instances are named by appending a hyphen and a random four-character string to the base instance name. """ return pulumi.get(self, "base_instance_name") @property @pulumi.getter def description(self) -> pulumi.Output[Optional[str]]: """ An optional textual description of the instance group manager. """ return pulumi.get(self, "description") @property @pulumi.getter(name="distributionPolicyTargetShape") def distribution_policy_target_shape(self) -> pulumi.Output[str]: """ The shape to which the group converges either proactively or on resize events (depending on the value set in update_policy.0.instance_redistribution_type). For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/regional-mig-distribution-shape). """ return pulumi.get(self, "distribution_policy_target_shape") @property @pulumi.getter(name="distributionPolicyZones") def distribution_policy_zones(self) -> pulumi.Output[Sequence[str]]: """ The distribution policy for this managed instance group. You can specify one or more values. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/distributing-instances-with-regional-instance-groups#selectingzones). """ return pulumi.get(self, "distribution_policy_zones") @property @pulumi.getter def fingerprint(self) -> pulumi.Output[str]: """ The fingerprint of the instance group manager. """ return pulumi.get(self, "fingerprint") @property @pulumi.getter(name="instanceGroup") def instance_group(self) -> pulumi.Output[str]: """ The full URL of the instance group created by the manager. """ return pulumi.get(self, "instance_group") @property @pulumi.getter def name(self) -> pulumi.Output[str]: """ - Version name. """ return pulumi.get(self, "name") @property @pulumi.getter(name="namedPorts") def named_ports(self) -> pulumi.Output[Optional[Sequence['outputs.RegionInstanceGroupManagerNamedPort']]]: """ The named port configuration. See the section below for details on configuration. """ return pulumi.get(self, "named_ports") @property @pulumi.getter def project(self) -> pulumi.Output[str]: """ The ID of the project in which the resource belongs. If it is not provided, the provider project is used. """ return pulumi.get(self, "project") @property @pulumi.getter def region(self) -> pulumi.Output[str]: """ The region where the managed instance group resides. If not provided, the provider region is used. """ return pulumi.get(self, "region") @property @pulumi.getter(name="selfLink") def self_link(self) -> pulumi.Output[str]: """ The URL of the created resource. """ return pulumi.get(self, "self_link") @property @pulumi.getter(name="statefulDisks") def stateful_disks(self) -> pulumi.Output[Optional[Sequence['outputs.RegionInstanceGroupManagerStatefulDisk']]]: """ Disks created on the instances that will be preserved on instance delete, update, etc. Structure is documented below. For more information see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/configuring-stateful-disks-in-migs). Proactive cross zone instance redistribution must be disabled before you can update stateful disks on existing instance group managers. This can be controlled via the `update_policy`. """ return pulumi.get(self, "stateful_disks") @property @pulumi.getter def statuses(self) -> pulumi.Output[Sequence['outputs.RegionInstanceGroupManagerStatus']]: """ The status of this managed instance group. """ return pulumi.get(self, "statuses") @property @pulumi.getter(name="targetPools") def target_pools(self) -> pulumi.Output[Optional[Sequence[str]]]: """ The full URL of all target pools to which new instances in the group are added. Updating the target pools attribute does not affect existing instances. """ return pulumi.get(self, "target_pools") @property @pulumi.getter(name="targetSize") def target_size(self) -> pulumi.Output[int]: """ - The number of instances calculated as a fixed number or a percentage depending on the settings. Structure is documented below. """ return pulumi.get(self, "target_size") @property @pulumi.getter(name="updatePolicy") def update_policy(self) -> pulumi.Output['outputs.RegionInstanceGroupManagerUpdatePolicy']: """ The update policy for this managed instance group. Structure is documented below. For more information, see the [official documentation](https://cloud.google.com/compute/docs/instance-groups/updating-managed-instance-groups) and [API](https://cloud.google.com/compute/docs/reference/rest/beta/regionInstanceGroupManagers/patch) """ return pulumi.get(self, "update_policy") @property @pulumi.getter def versions(self) -> pulumi.Output[Sequence['outputs.RegionInstanceGroupManagerVersion']]: """ Application versions managed by this instance group. Each version deals with a specific instance template, allowing canary release scenarios. Structure is documented below. """ return pulumi.get(self, "versions") @property @pulumi.getter(name="waitForInstances") def wait_for_instances(self) -> pulumi.Output[Optional[bool]]: """ Whether to wait for all instances to be created/updated before returning. Note that if this is set to true and the operation does not succeed, the provider will continue trying until it times out. """ return pulumi.get(self, "wait_for_instances") @property @pulumi.getter(name="waitForInstancesStatus") def wait_for_instances_status(self) -> pulumi.Output[Optional[str]]: """ When used with `wait_for_instances` it specifies the status to wait for. When `STABLE` is specified this resource will wait until the instances are stable before returning. When `UPDATED` is set, it will wait for the version target to be reached and any per instance configs to be effective as well as all instances to be stable before returning. The possible values are `STABLE` and `UPDATED` """ return pulumi.get(self, "wait_for_instances_status")
[ 1, 529, 9507, 29958, 15348, 29914, 4691, 29914, 29886, 352, 15547, 29918, 29887, 6814, 29914, 26017, 29914, 12803, 29918, 8758, 29918, 2972, 29918, 12847, 29889, 2272, 29966, 12443, 29918, 303, 1503, 29958, 29896, 29900, 29900, 29899, 29896, 29900, 29900, 29900, 13, 29937, 14137, 29922, 9420, 29899, 29947, 13, 29937, 18610, 399, 25614, 29901, 445, 934, 471, 5759, 491, 278, 27477, 15547, 20839, 689, 16230, 313, 13264, 1885, 29897, 21704, 29889, 18610, 13, 29937, 18610, 1938, 451, 3863, 491, 1361, 6521, 366, 29915, 276, 3058, 366, 1073, 825, 366, 526, 2599, 29991, 18610, 13, 13, 5215, 18116, 13, 5215, 9505, 15547, 13, 5215, 9505, 15547, 29889, 15634, 13, 3166, 19229, 1053, 3139, 29892, 341, 20304, 29892, 28379, 29892, 922, 3910, 29892, 7761, 29892, 975, 1359, 13, 3166, 6317, 1053, 903, 4422, 1907, 13, 3166, 869, 1053, 14391, 13, 3166, 869, 29918, 2080, 29879, 1053, 334, 13, 13, 1649, 497, 1649, 353, 6024, 18457, 4998, 4782, 3260, 7883, 742, 525, 18457, 4998, 4782, 3260, 2033, 13, 13, 29992, 29886, 352, 15547, 29889, 2080, 29918, 1853, 13, 1990, 11069, 4998, 4782, 3260, 7883, 29901, 13, 1678, 822, 4770, 2344, 12035, 1649, 1311, 1649, 29892, 334, 29892, 13, 462, 2967, 29918, 8758, 29918, 978, 29901, 9505, 15547, 29889, 4290, 29961, 710, 1402, 13, 462, 6910, 29901, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 20526, 13, 462, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 29962, 353, 6213, 29892, 13, 462, 6139, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4978, 29918, 22197, 29918, 29920, 2873, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 353, 6213, 29892, 13, 462, 1024, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4257, 29918, 4011, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 29962, 353, 6213, 29892, 13, 462, 2060, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 5120, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 2106, 1319, 29918, 2218, 2039, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 29962, 353, 6213, 29892, 13, 462, 3646, 29918, 1129, 3775, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 353, 6213, 29892, 13, 462, 3646, 29918, 2311, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 524, 5262, 353, 6213, 29892, 13, 462, 2767, 29918, 22197, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 29962, 353, 6213, 29892, 13, 462, 4480, 29918, 1454, 29918, 2611, 2925, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 11227, 5262, 353, 6213, 29892, 13, 462, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 1125, 13, 4706, 9995, 13, 4706, 450, 731, 310, 6273, 363, 3386, 292, 263, 11069, 4998, 4782, 3260, 6503, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 2967, 29918, 8758, 29918, 978, 29901, 450, 2967, 2777, 1024, 304, 671, 363, 13, 1669, 8871, 297, 445, 2318, 29889, 450, 995, 1818, 367, 263, 2854, 13, 1669, 518, 29934, 8610, 29896, 29900, 29941, 29945, 850, 991, 597, 1636, 29889, 2035, 29888, 29889, 990, 29914, 9600, 29883, 29914, 9600, 29883, 29896, 29900, 29941, 29945, 29889, 3945, 29897, 1024, 29889, 18601, 287, 4890, 13, 1669, 526, 5224, 4878, 8721, 29892, 3694, 29892, 322, 7498, 561, 575, 8521, 467, 2799, 2925, 526, 4257, 491, 13, 1669, 623, 2548, 263, 7498, 9789, 322, 263, 4036, 3023, 29899, 18609, 1347, 304, 278, 2967, 2777, 13, 1669, 1024, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 6910, 29901, 8427, 6910, 8745, 491, 445, 2777, 2318, 29889, 7806, 13, 1669, 1873, 316, 1338, 411, 263, 2702, 2777, 4472, 29892, 14372, 508, 653, 6507, 21846, 29889, 13, 1669, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29901, 450, 4469, 354, 12818, 24833, 363, 445, 8745, 2777, 13, 1669, 2318, 29889, 887, 508, 6084, 871, 697, 995, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1037, 1218, 29899, 13155, 29899, 974, 29899, 25240, 29899, 2611, 2925, 29937, 3712, 2105, 292, 29918, 13155, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 6139, 29901, 530, 13136, 1426, 950, 6139, 310, 278, 2777, 13, 1669, 2318, 8455, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29901, 450, 8267, 304, 607, 278, 2318, 24144, 2845, 410, 627, 3598, 470, 373, 19490, 4959, 313, 2716, 2548, 373, 278, 995, 731, 297, 2767, 29918, 22197, 29889, 29900, 29889, 8758, 29918, 1127, 391, 3224, 29918, 1853, 467, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1727, 1848, 29899, 29885, 335, 29899, 27691, 29899, 12181, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29962, 4978, 29918, 22197, 29918, 29920, 2873, 29901, 450, 4978, 8898, 363, 445, 8745, 2777, 13, 1669, 2318, 29889, 887, 508, 6084, 697, 470, 901, 1819, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 5721, 1091, 17068, 29899, 2611, 2925, 29899, 2541, 29899, 1727, 1848, 29899, 8758, 29899, 13155, 29937, 2622, 292, 29920, 2873, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 1024, 29901, 448, 10079, 1024, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 4257, 29918, 4011, 29901, 450, 4257, 2011, 5285, 29889, 2823, 278, 4004, 2400, 13, 1669, 363, 4902, 373, 5285, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 2060, 29901, 450, 3553, 310, 278, 2060, 297, 607, 278, 6503, 14393, 29889, 960, 372, 13, 1669, 338, 451, 4944, 29892, 278, 13113, 2060, 338, 1304, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 5120, 29901, 450, 5120, 988, 278, 8745, 2777, 2318, 620, 2247, 29889, 960, 451, 4944, 29892, 278, 13113, 5120, 338, 1304, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 2106, 1319, 29918, 2218, 2039, 29901, 3295, 2039, 2825, 373, 278, 8871, 393, 674, 367, 21634, 373, 2777, 5217, 29892, 2767, 29892, 2992, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 2917, 3864, 29899, 3859, 1319, 29899, 2218, 2039, 29899, 262, 29899, 29885, 23379, 467, 1019, 4925, 4891, 10640, 2777, 2654, 391, 3224, 1818, 367, 12708, 1434, 366, 508, 2767, 2106, 1319, 766, 2039, 373, 5923, 2777, 2318, 767, 18150, 29889, 910, 508, 367, 20704, 3025, 278, 421, 5504, 29918, 22197, 1412, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29962, 3646, 29918, 1129, 3775, 29901, 450, 2989, 3988, 310, 599, 3646, 772, 3775, 304, 607, 716, 13, 1669, 8871, 297, 278, 2318, 526, 2715, 29889, 5020, 26747, 278, 3646, 772, 3775, 5352, 947, 13, 1669, 451, 6602, 5923, 8871, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 524, 29962, 3646, 29918, 2311, 29901, 448, 450, 1353, 310, 8871, 12833, 408, 263, 4343, 1353, 470, 263, 19649, 8679, 373, 278, 6055, 29889, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 2767, 29918, 22197, 29901, 450, 2767, 8898, 363, 445, 8745, 2777, 2318, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 786, 26747, 29899, 25240, 29899, 8758, 29899, 13155, 29897, 322, 518, 8787, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 5679, 29914, 5060, 29914, 3571, 29914, 12803, 4998, 4782, 2517, 18150, 29914, 5041, 29897, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 11227, 29962, 4480, 29918, 1454, 29918, 2611, 2925, 29901, 26460, 304, 4480, 363, 599, 8871, 304, 367, 2825, 29914, 21402, 1434, 13, 1669, 7863, 29889, 3940, 393, 565, 445, 338, 731, 304, 1565, 322, 278, 5858, 947, 451, 9269, 29892, 278, 13113, 674, 13, 1669, 6773, 1811, 2745, 372, 3064, 714, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29901, 1932, 1304, 411, 421, 10685, 29918, 1454, 29918, 2611, 2925, 29952, 372, 1580, 11057, 278, 4660, 304, 4480, 363, 29889, 13, 1669, 1932, 421, 1254, 6181, 29952, 338, 6790, 445, 6503, 674, 4480, 2745, 278, 8871, 526, 13714, 1434, 7863, 29889, 1932, 421, 14474, 29928, 29952, 338, 13, 1669, 731, 29892, 372, 674, 4480, 363, 278, 1873, 3646, 304, 367, 7450, 322, 738, 639, 2777, 2295, 29879, 304, 367, 11828, 408, 1532, 408, 599, 13, 1669, 8871, 304, 367, 13714, 1434, 7863, 29889, 450, 1950, 1819, 526, 421, 1254, 6181, 29952, 322, 421, 14474, 29928, 29952, 13, 4706, 9995, 13, 4706, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 3188, 29918, 8758, 29918, 978, 613, 2967, 29918, 8758, 29918, 978, 29897, 13, 4706, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 26100, 613, 6910, 29897, 13, 4706, 565, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 6921, 29918, 354, 12818, 29918, 3733, 293, 583, 613, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29897, 13, 4706, 565, 6139, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 8216, 613, 6139, 29897, 13, 4706, 565, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 27691, 29918, 22197, 29918, 5182, 29918, 12181, 613, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29897, 13, 4706, 565, 4978, 29918, 22197, 29918, 29920, 2873, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 27691, 29918, 22197, 29918, 29920, 2873, 613, 4978, 29918, 22197, 29918, 29920, 2873, 29897, 13, 4706, 565, 1024, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 978, 613, 1024, 29897, 13, 4706, 565, 4257, 29918, 4011, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 17514, 29918, 4011, 613, 4257, 29918, 4011, 29897, 13, 4706, 565, 2060, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 4836, 613, 2060, 29897, 13, 4706, 565, 5120, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 12803, 613, 5120, 29897, 13, 4706, 565, 2106, 1319, 29918, 2218, 2039, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 3859, 1319, 29918, 2218, 2039, 613, 2106, 1319, 29918, 2218, 2039, 29897, 13, 4706, 565, 3646, 29918, 1129, 3775, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 5182, 29918, 1129, 3775, 613, 3646, 29918, 1129, 3775, 29897, 13, 4706, 565, 3646, 29918, 2311, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 5182, 29918, 2311, 613, 3646, 29918, 2311, 29897, 13, 4706, 565, 2767, 29918, 22197, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 5504, 29918, 22197, 613, 2767, 29918, 22197, 29897, 13, 4706, 565, 4480, 29918, 1454, 29918, 2611, 2925, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 613, 4480, 29918, 1454, 29918, 2611, 2925, 29897, 13, 4706, 565, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 613, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 3188, 4998, 1170, 1159, 13, 1678, 822, 2967, 29918, 8758, 29918, 978, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 4290, 29961, 710, 5387, 13, 4706, 9995, 13, 4706, 450, 2967, 2777, 1024, 304, 671, 363, 13, 4706, 8871, 297, 445, 2318, 29889, 450, 995, 1818, 367, 263, 2854, 13, 4706, 518, 29934, 8610, 29896, 29900, 29941, 29945, 850, 991, 597, 1636, 29889, 2035, 29888, 29889, 990, 29914, 9600, 29883, 29914, 9600, 29883, 29896, 29900, 29941, 29945, 29889, 3945, 29897, 1024, 29889, 18601, 287, 4890, 13, 4706, 526, 5224, 4878, 8721, 29892, 3694, 29892, 322, 7498, 561, 575, 8521, 467, 2799, 2925, 526, 4257, 491, 13, 4706, 623, 2548, 263, 7498, 9789, 322, 263, 4036, 3023, 29899, 18609, 1347, 304, 278, 2967, 2777, 13, 4706, 1024, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 3188, 29918, 8758, 29918, 978, 1159, 13, 13, 1678, 732, 3188, 29918, 8758, 29918, 978, 29889, 842, 357, 13, 1678, 822, 2967, 29918, 8758, 29918, 978, 29898, 1311, 29892, 995, 29901, 9505, 15547, 29889, 4290, 29961, 710, 29962, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 3188, 29918, 8758, 29918, 978, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 6910, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 29901, 13, 4706, 9995, 13, 4706, 8427, 6910, 8745, 491, 445, 2777, 2318, 29889, 7806, 13, 4706, 1873, 316, 1338, 411, 263, 2702, 2777, 4472, 29892, 14372, 508, 653, 6507, 21846, 29889, 13, 4706, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 26100, 1159, 13, 13, 1678, 732, 26100, 29889, 842, 357, 13, 1678, 822, 6910, 29898, 1311, 29892, 995, 29901, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 26100, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 6921, 3868, 12818, 7713, 293, 583, 1159, 13, 1678, 822, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 5387, 13, 4706, 9995, 13, 4706, 450, 4469, 354, 12818, 24833, 363, 445, 8745, 2777, 13, 4706, 2318, 29889, 887, 508, 6084, 871, 697, 995, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1037, 1218, 29899, 13155, 29899, 974, 29899, 25240, 29899, 2611, 2925, 29937, 3712, 2105, 292, 29918, 13155, 467, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 6921, 29918, 354, 12818, 29918, 3733, 293, 583, 1159, 13, 13, 1678, 732, 6921, 29918, 354, 12818, 29918, 3733, 293, 583, 29889, 842, 357, 13, 1678, 822, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 29962, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 6921, 29918, 354, 12818, 29918, 3733, 293, 583, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 6139, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 530, 13136, 1426, 950, 6139, 310, 278, 2777, 13, 4706, 2318, 8455, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 8216, 1159, 13, 13, 1678, 732, 8216, 29889, 842, 357, 13, 1678, 822, 6139, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 8216, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 27691, 15644, 8667, 24111, 1159, 13, 1678, 822, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 8267, 304, 607, 278, 2318, 24144, 2845, 410, 627, 3598, 470, 373, 19490, 4959, 313, 2716, 2548, 373, 278, 995, 731, 297, 2767, 29918, 22197, 29889, 29900, 29889, 8758, 29918, 1127, 391, 3224, 29918, 1853, 467, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1727, 1848, 29899, 29885, 335, 29899, 27691, 29899, 12181, 467, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 27691, 29918, 22197, 29918, 5182, 29918, 12181, 1159, 13, 13, 1678, 732, 27691, 29918, 22197, 29918, 5182, 29918, 12181, 29889, 842, 357, 13, 1678, 822, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 27691, 29918, 22197, 29918, 5182, 29918, 12181, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 27691, 15644, 29999, 2873, 1159, 13, 1678, 822, 4978, 29918, 22197, 29918, 29920, 2873, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 4978, 8898, 363, 445, 8745, 2777, 13, 4706, 2318, 29889, 887, 508, 6084, 697, 470, 901, 1819, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 5721, 1091, 17068, 29899, 2611, 2925, 29899, 2541, 29899, 1727, 1848, 29899, 8758, 29899, 13155, 29937, 2622, 292, 29920, 2873, 467, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 27691, 29918, 22197, 29918, 29920, 2873, 1159, 13, 13, 1678, 732, 27691, 29918, 22197, 29918, 29920, 2873, 29889, 842, 357, 13, 1678, 822, 4978, 29918, 22197, 29918, 29920, 2873, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 27691, 29918, 22197, 29918, 29920, 2873, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 1024, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 448, 10079, 1024, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 978, 1159, 13, 13, 1678, 732, 978, 29889, 842, 357, 13, 1678, 822, 1024, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 978, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 17514, 2290, 29879, 1159, 13, 1678, 822, 4257, 29918, 4011, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 5387, 13, 4706, 9995, 13, 4706, 450, 4257, 2011, 5285, 29889, 2823, 278, 4004, 2400, 13, 4706, 363, 4902, 373, 5285, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 17514, 29918, 4011, 1159, 13, 13, 1678, 732, 17514, 29918, 4011, 29889, 842, 357, 13, 1678, 822, 4257, 29918, 4011, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 29962, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 17514, 29918, 4011, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 2060, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 3553, 310, 278, 2060, 297, 607, 278, 6503, 14393, 29889, 960, 372, 13, 4706, 338, 451, 4944, 29892, 278, 13113, 2060, 338, 1304, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 4836, 1159, 13, 13, 1678, 732, 4836, 29889, 842, 357, 13, 1678, 822, 2060, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 4836, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 5120, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 5120, 988, 278, 8745, 2777, 2318, 620, 2247, 29889, 960, 451, 4944, 29892, 278, 13113, 5120, 338, 1304, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 12803, 1159, 13, 13, 1678, 732, 12803, 29889, 842, 357, 13, 1678, 822, 5120, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 12803, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 3859, 1319, 4205, 2039, 1159, 13, 1678, 822, 2106, 1319, 29918, 2218, 2039, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 5387, 13, 4706, 9995, 13, 4706, 3295, 2039, 2825, 373, 278, 8871, 393, 674, 367, 21634, 373, 2777, 5217, 29892, 2767, 29892, 2992, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 2917, 3864, 29899, 3859, 1319, 29899, 2218, 2039, 29899, 262, 29899, 29885, 23379, 467, 1019, 4925, 4891, 10640, 2777, 2654, 391, 3224, 1818, 367, 12708, 1434, 366, 508, 2767, 2106, 1319, 766, 2039, 373, 5923, 2777, 2318, 767, 18150, 29889, 910, 508, 367, 20704, 3025, 278, 421, 5504, 29918, 22197, 1412, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 3859, 1319, 29918, 2218, 2039, 1159, 13, 13, 1678, 732, 3859, 1319, 29918, 2218, 2039, 29889, 842, 357, 13, 1678, 822, 2106, 1319, 29918, 2218, 2039, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 29962, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 3859, 1319, 29918, 2218, 2039, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 5182, 29925, 8789, 1159, 13, 1678, 822, 3646, 29918, 1129, 3775, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 2989, 3988, 310, 599, 3646, 772, 3775, 304, 607, 716, 13, 4706, 8871, 297, 278, 2318, 526, 2715, 29889, 5020, 26747, 278, 3646, 772, 3775, 5352, 947, 13, 4706, 451, 6602, 5923, 8871, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 5182, 29918, 1129, 3775, 1159, 13, 13, 1678, 732, 5182, 29918, 1129, 3775, 29889, 842, 357, 13, 1678, 822, 3646, 29918, 1129, 3775, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 5182, 29918, 1129, 3775, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 5182, 3505, 1159, 13, 1678, 822, 3646, 29918, 2311, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 524, 5262, 29901, 13, 4706, 9995, 13, 4706, 448, 450, 1353, 310, 8871, 12833, 408, 263, 4343, 1353, 470, 263, 19649, 8679, 373, 278, 6055, 29889, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 5182, 29918, 2311, 1159, 13, 13, 1678, 732, 5182, 29918, 2311, 29889, 842, 357, 13, 1678, 822, 3646, 29918, 2311, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 524, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 5182, 29918, 2311, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 5504, 15644, 1159, 13, 1678, 822, 2767, 29918, 22197, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 5387, 13, 4706, 9995, 13, 4706, 450, 2767, 8898, 363, 445, 8745, 2777, 2318, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 786, 26747, 29899, 25240, 29899, 8758, 29899, 13155, 29897, 322, 518, 8787, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 5679, 29914, 5060, 29914, 3571, 29914, 12803, 4998, 4782, 2517, 18150, 29914, 5041, 29897, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 5504, 29918, 22197, 1159, 13, 13, 1678, 732, 5504, 29918, 22197, 29889, 842, 357, 13, 1678, 822, 2767, 29918, 22197, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 29962, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 5504, 29918, 22197, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 10685, 2831, 3379, 2925, 1159, 13, 1678, 822, 4480, 29918, 1454, 29918, 2611, 2925, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 11227, 5262, 29901, 13, 4706, 9995, 13, 4706, 26460, 304, 4480, 363, 599, 8871, 304, 367, 2825, 29914, 21402, 1434, 13, 4706, 7863, 29889, 3940, 393, 565, 445, 338, 731, 304, 1565, 322, 278, 5858, 947, 451, 9269, 29892, 278, 13113, 674, 13, 4706, 6773, 1811, 2745, 372, 3064, 714, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 1159, 13, 13, 1678, 732, 10685, 29918, 1454, 29918, 2611, 2925, 29889, 842, 357, 13, 1678, 822, 4480, 29918, 1454, 29918, 2611, 2925, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 11227, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 10685, 2831, 3379, 2925, 5709, 1159, 13, 1678, 822, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 1932, 1304, 411, 421, 10685, 29918, 1454, 29918, 2611, 2925, 29952, 372, 1580, 11057, 278, 4660, 304, 4480, 363, 29889, 13, 4706, 1932, 421, 1254, 6181, 29952, 338, 6790, 445, 6503, 674, 4480, 2745, 278, 8871, 526, 13714, 1434, 7863, 29889, 1932, 421, 14474, 29928, 29952, 338, 13, 4706, 731, 29892, 372, 674, 4480, 363, 278, 1873, 3646, 304, 367, 7450, 322, 738, 639, 2777, 2295, 29879, 304, 367, 11828, 408, 1532, 408, 599, 13, 4706, 8871, 304, 367, 13714, 1434, 7863, 29889, 450, 1950, 1819, 526, 421, 1254, 6181, 29952, 322, 421, 14474, 29928, 29952, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 1159, 13, 13, 1678, 732, 10685, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29889, 842, 357, 13, 1678, 822, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 613, 995, 29897, 13, 13, 13, 29992, 29886, 352, 15547, 29889, 2080, 29918, 1853, 13, 1990, 903, 18457, 4998, 4782, 3260, 2792, 29901, 13, 1678, 822, 4770, 2344, 12035, 1649, 1311, 1649, 29892, 334, 29892, 13, 462, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 29962, 353, 6213, 29892, 13, 462, 2967, 29918, 8758, 29918, 978, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 6139, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4978, 29918, 22197, 29918, 29920, 2873, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 353, 6213, 29892, 13, 462, 19917, 2158, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 2777, 29918, 2972, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 1024, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4257, 29918, 4011, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 29962, 353, 6213, 29892, 13, 462, 2060, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 5120, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 1583, 29918, 2324, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 2106, 1319, 29918, 2218, 2039, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 29962, 353, 6213, 29892, 13, 462, 4660, 267, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 5709, 7883, 2033, 5262, 29962, 353, 6213, 29892, 13, 462, 3646, 29918, 1129, 3775, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 353, 6213, 29892, 13, 462, 3646, 29918, 2311, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 524, 5262, 353, 6213, 29892, 13, 462, 2767, 29918, 22197, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 29962, 353, 6213, 29892, 13, 462, 6910, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 29962, 353, 6213, 29892, 13, 462, 4480, 29918, 1454, 29918, 2611, 2925, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 11227, 5262, 353, 6213, 29892, 13, 462, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 1125, 13, 4706, 9995, 13, 4706, 10567, 4426, 1304, 363, 3063, 701, 322, 21166, 11069, 4998, 4782, 3260, 7788, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29901, 450, 4469, 354, 12818, 24833, 363, 445, 8745, 2777, 13, 1669, 2318, 29889, 887, 508, 6084, 871, 697, 995, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1037, 1218, 29899, 13155, 29899, 974, 29899, 25240, 29899, 2611, 2925, 29937, 3712, 2105, 292, 29918, 13155, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 2967, 29918, 8758, 29918, 978, 29901, 450, 2967, 2777, 1024, 304, 671, 363, 13, 1669, 8871, 297, 445, 2318, 29889, 450, 995, 1818, 367, 263, 2854, 13, 1669, 518, 29934, 8610, 29896, 29900, 29941, 29945, 850, 991, 597, 1636, 29889, 2035, 29888, 29889, 990, 29914, 9600, 29883, 29914, 9600, 29883, 29896, 29900, 29941, 29945, 29889, 3945, 29897, 1024, 29889, 18601, 287, 4890, 13, 1669, 526, 5224, 4878, 8721, 29892, 3694, 29892, 322, 7498, 561, 575, 8521, 467, 2799, 2925, 526, 4257, 491, 13, 1669, 623, 2548, 263, 7498, 9789, 322, 263, 4036, 3023, 29899, 18609, 1347, 304, 278, 2967, 2777, 13, 1669, 1024, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 6139, 29901, 530, 13136, 1426, 950, 6139, 310, 278, 2777, 13, 1669, 2318, 8455, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29901, 450, 8267, 304, 607, 278, 2318, 24144, 2845, 410, 627, 3598, 470, 373, 19490, 4959, 313, 2716, 2548, 373, 278, 995, 731, 297, 2767, 29918, 22197, 29889, 29900, 29889, 8758, 29918, 1127, 391, 3224, 29918, 1853, 467, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1727, 1848, 29899, 29885, 335, 29899, 27691, 29899, 12181, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29962, 4978, 29918, 22197, 29918, 29920, 2873, 29901, 450, 4978, 8898, 363, 445, 8745, 2777, 13, 1669, 2318, 29889, 887, 508, 6084, 697, 470, 901, 1819, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 5721, 1091, 17068, 29899, 2611, 2925, 29899, 2541, 29899, 1727, 1848, 29899, 8758, 29899, 13155, 29937, 2622, 292, 29920, 2873, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 19917, 2158, 29901, 450, 19917, 2158, 310, 278, 2777, 2318, 8455, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 2777, 29918, 2972, 29901, 450, 2989, 3988, 310, 278, 2777, 2318, 2825, 491, 278, 8455, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 1024, 29901, 448, 10079, 1024, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 4257, 29918, 4011, 29901, 450, 4257, 2011, 5285, 29889, 2823, 278, 4004, 2400, 13, 1669, 363, 4902, 373, 5285, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 2060, 29901, 450, 3553, 310, 278, 2060, 297, 607, 278, 6503, 14393, 29889, 960, 372, 13, 1669, 338, 451, 4944, 29892, 278, 13113, 2060, 338, 1304, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 5120, 29901, 450, 5120, 988, 278, 8745, 2777, 2318, 620, 2247, 29889, 960, 451, 4944, 29892, 278, 13113, 5120, 338, 1304, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 1583, 29918, 2324, 29901, 450, 3988, 310, 278, 2825, 6503, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 2106, 1319, 29918, 2218, 2039, 29901, 3295, 2039, 2825, 373, 278, 8871, 393, 674, 367, 21634, 373, 2777, 5217, 29892, 2767, 29892, 2992, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 2917, 3864, 29899, 3859, 1319, 29899, 2218, 2039, 29899, 262, 29899, 29885, 23379, 467, 1019, 4925, 4891, 10640, 2777, 2654, 391, 3224, 1818, 367, 12708, 1434, 366, 508, 2767, 2106, 1319, 766, 2039, 373, 5923, 2777, 2318, 767, 18150, 29889, 910, 508, 367, 20704, 3025, 278, 421, 5504, 29918, 22197, 1412, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 5709, 7883, 2033, 5262, 4660, 267, 29901, 450, 4660, 310, 445, 8745, 2777, 2318, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29962, 3646, 29918, 1129, 3775, 29901, 450, 2989, 3988, 310, 599, 3646, 772, 3775, 304, 607, 716, 13, 1669, 8871, 297, 278, 2318, 526, 2715, 29889, 5020, 26747, 278, 3646, 772, 3775, 5352, 947, 13, 1669, 451, 6602, 5923, 8871, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 524, 29962, 3646, 29918, 2311, 29901, 448, 450, 1353, 310, 8871, 12833, 408, 263, 4343, 1353, 470, 263, 19649, 8679, 373, 278, 6055, 29889, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 2767, 29918, 22197, 29901, 450, 2767, 8898, 363, 445, 8745, 2777, 2318, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 786, 26747, 29899, 25240, 29899, 8758, 29899, 13155, 29897, 322, 518, 8787, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 5679, 29914, 5060, 29914, 3571, 29914, 12803, 4998, 4782, 2517, 18150, 29914, 5041, 29897, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 6910, 29901, 8427, 6910, 8745, 491, 445, 2777, 2318, 29889, 7806, 13, 1669, 1873, 316, 1338, 411, 263, 2702, 2777, 4472, 29892, 14372, 508, 653, 6507, 21846, 29889, 13, 1669, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 11227, 29962, 4480, 29918, 1454, 29918, 2611, 2925, 29901, 26460, 304, 4480, 363, 599, 8871, 304, 367, 2825, 29914, 21402, 1434, 13, 1669, 7863, 29889, 3940, 393, 565, 445, 338, 731, 304, 1565, 322, 278, 5858, 947, 451, 9269, 29892, 278, 13113, 674, 13, 1669, 6773, 1811, 2745, 372, 3064, 714, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29901, 1932, 1304, 411, 421, 10685, 29918, 1454, 29918, 2611, 2925, 29952, 372, 1580, 11057, 278, 4660, 304, 4480, 363, 29889, 13, 1669, 1932, 421, 1254, 6181, 29952, 338, 6790, 445, 6503, 674, 4480, 2745, 278, 8871, 526, 13714, 1434, 7863, 29889, 1932, 421, 14474, 29928, 29952, 338, 13, 1669, 731, 29892, 372, 674, 4480, 363, 278, 1873, 3646, 304, 367, 7450, 322, 738, 639, 2777, 2295, 29879, 304, 367, 11828, 408, 1532, 408, 599, 13, 1669, 8871, 304, 367, 13714, 1434, 7863, 29889, 450, 1950, 1819, 526, 421, 1254, 6181, 29952, 322, 421, 14474, 29928, 29952, 13, 4706, 9995, 13, 4706, 565, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 6921, 29918, 354, 12818, 29918, 3733, 293, 583, 613, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29897, 13, 4706, 565, 2967, 29918, 8758, 29918, 978, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 3188, 29918, 8758, 29918, 978, 613, 2967, 29918, 8758, 29918, 978, 29897, 13, 4706, 565, 6139, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 8216, 613, 6139, 29897, 13, 4706, 565, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 27691, 29918, 22197, 29918, 5182, 29918, 12181, 613, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29897, 13, 4706, 565, 4978, 29918, 22197, 29918, 29920, 2873, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 27691, 29918, 22197, 29918, 29920, 2873, 613, 4978, 29918, 22197, 29918, 29920, 2873, 29897, 13, 4706, 565, 19917, 2158, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 29888, 5621, 2158, 613, 19917, 2158, 29897, 13, 4706, 565, 2777, 29918, 2972, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 8758, 29918, 2972, 613, 2777, 29918, 2972, 29897, 13, 4706, 565, 1024, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 978, 613, 1024, 29897, 13, 4706, 565, 4257, 29918, 4011, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 17514, 29918, 4011, 613, 4257, 29918, 4011, 29897, 13, 4706, 565, 2060, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 4836, 613, 2060, 29897, 13, 4706, 565, 5120, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 12803, 613, 5120, 29897, 13, 4706, 565, 1583, 29918, 2324, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 1311, 29918, 2324, 613, 1583, 29918, 2324, 29897, 13, 4706, 565, 2106, 1319, 29918, 2218, 2039, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 3859, 1319, 29918, 2218, 2039, 613, 2106, 1319, 29918, 2218, 2039, 29897, 13, 4706, 565, 4660, 267, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 4882, 267, 613, 4660, 267, 29897, 13, 4706, 565, 3646, 29918, 1129, 3775, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 5182, 29918, 1129, 3775, 613, 3646, 29918, 1129, 3775, 29897, 13, 4706, 565, 3646, 29918, 2311, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 5182, 29918, 2311, 613, 3646, 29918, 2311, 29897, 13, 4706, 565, 2767, 29918, 22197, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 5504, 29918, 22197, 613, 2767, 29918, 22197, 29897, 13, 4706, 565, 6910, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 26100, 613, 6910, 29897, 13, 4706, 565, 4480, 29918, 1454, 29918, 2611, 2925, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 613, 4480, 29918, 1454, 29918, 2611, 2925, 29897, 13, 4706, 565, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 338, 451, 6213, 29901, 13, 9651, 9505, 15547, 29889, 842, 22168, 1311, 1649, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 613, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 6921, 3868, 12818, 7713, 293, 583, 1159, 13, 1678, 822, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 5387, 13, 4706, 9995, 13, 4706, 450, 4469, 354, 12818, 24833, 363, 445, 8745, 2777, 13, 4706, 2318, 29889, 887, 508, 6084, 871, 697, 995, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1037, 1218, 29899, 13155, 29899, 974, 29899, 25240, 29899, 2611, 2925, 29937, 3712, 2105, 292, 29918, 13155, 467, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 6921, 29918, 354, 12818, 29918, 3733, 293, 583, 1159, 13, 13, 1678, 732, 6921, 29918, 354, 12818, 29918, 3733, 293, 583, 29889, 842, 357, 13, 1678, 822, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 29962, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 6921, 29918, 354, 12818, 29918, 3733, 293, 583, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 3188, 4998, 1170, 1159, 13, 1678, 822, 2967, 29918, 8758, 29918, 978, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 2967, 2777, 1024, 304, 671, 363, 13, 4706, 8871, 297, 445, 2318, 29889, 450, 995, 1818, 367, 263, 2854, 13, 4706, 518, 29934, 8610, 29896, 29900, 29941, 29945, 850, 991, 597, 1636, 29889, 2035, 29888, 29889, 990, 29914, 9600, 29883, 29914, 9600, 29883, 29896, 29900, 29941, 29945, 29889, 3945, 29897, 1024, 29889, 18601, 287, 4890, 13, 4706, 526, 5224, 4878, 8721, 29892, 3694, 29892, 322, 7498, 561, 575, 8521, 467, 2799, 2925, 526, 4257, 491, 13, 4706, 623, 2548, 263, 7498, 9789, 322, 263, 4036, 3023, 29899, 18609, 1347, 304, 278, 2967, 2777, 13, 4706, 1024, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 3188, 29918, 8758, 29918, 978, 1159, 13, 13, 1678, 732, 3188, 29918, 8758, 29918, 978, 29889, 842, 357, 13, 1678, 822, 2967, 29918, 8758, 29918, 978, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 3188, 29918, 8758, 29918, 978, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 6139, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 530, 13136, 1426, 950, 6139, 310, 278, 2777, 13, 4706, 2318, 8455, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 8216, 1159, 13, 13, 1678, 732, 8216, 29889, 842, 357, 13, 1678, 822, 6139, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 8216, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 27691, 15644, 8667, 24111, 1159, 13, 1678, 822, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 8267, 304, 607, 278, 2318, 24144, 2845, 410, 627, 3598, 470, 373, 19490, 4959, 313, 2716, 2548, 373, 278, 995, 731, 297, 2767, 29918, 22197, 29889, 29900, 29889, 8758, 29918, 1127, 391, 3224, 29918, 1853, 467, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1727, 1848, 29899, 29885, 335, 29899, 27691, 29899, 12181, 467, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 27691, 29918, 22197, 29918, 5182, 29918, 12181, 1159, 13, 13, 1678, 732, 27691, 29918, 22197, 29918, 5182, 29918, 12181, 29889, 842, 357, 13, 1678, 822, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 27691, 29918, 22197, 29918, 5182, 29918, 12181, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 27691, 15644, 29999, 2873, 1159, 13, 1678, 822, 4978, 29918, 22197, 29918, 29920, 2873, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 4978, 8898, 363, 445, 8745, 2777, 13, 4706, 2318, 29889, 887, 508, 6084, 697, 470, 901, 1819, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 5721, 1091, 17068, 29899, 2611, 2925, 29899, 2541, 29899, 1727, 1848, 29899, 8758, 29899, 13155, 29937, 2622, 292, 29920, 2873, 467, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 27691, 29918, 22197, 29918, 29920, 2873, 1159, 13, 13, 1678, 732, 27691, 29918, 22197, 29918, 29920, 2873, 29889, 842, 357, 13, 1678, 822, 4978, 29918, 22197, 29918, 29920, 2873, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 27691, 29918, 22197, 29918, 29920, 2873, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 19917, 2158, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 19917, 2158, 310, 278, 2777, 2318, 8455, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 29888, 5621, 2158, 1159, 13, 13, 1678, 732, 29888, 5621, 2158, 29889, 842, 357, 13, 1678, 822, 19917, 2158, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 29888, 5621, 2158, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 8758, 4782, 1159, 13, 1678, 822, 2777, 29918, 2972, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 2989, 3988, 310, 278, 2777, 2318, 2825, 491, 278, 8455, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 8758, 29918, 2972, 1159, 13, 13, 1678, 732, 8758, 29918, 2972, 29889, 842, 357, 13, 1678, 822, 2777, 29918, 2972, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 8758, 29918, 2972, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 1024, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 448, 10079, 1024, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 978, 1159, 13, 13, 1678, 732, 978, 29889, 842, 357, 13, 1678, 822, 1024, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 978, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 17514, 2290, 29879, 1159, 13, 1678, 822, 4257, 29918, 4011, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 5387, 13, 4706, 9995, 13, 4706, 450, 4257, 2011, 5285, 29889, 2823, 278, 4004, 2400, 13, 4706, 363, 4902, 373, 5285, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 17514, 29918, 4011, 1159, 13, 13, 1678, 732, 17514, 29918, 4011, 29889, 842, 357, 13, 1678, 822, 4257, 29918, 4011, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 29962, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 17514, 29918, 4011, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 2060, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 3553, 310, 278, 2060, 297, 607, 278, 6503, 14393, 29889, 960, 372, 13, 4706, 338, 451, 4944, 29892, 278, 13113, 2060, 338, 1304, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 4836, 1159, 13, 13, 1678, 732, 4836, 29889, 842, 357, 13, 1678, 822, 2060, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 4836, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 5120, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 5120, 988, 278, 8745, 2777, 2318, 620, 2247, 29889, 960, 451, 4944, 29892, 278, 13113, 5120, 338, 1304, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 12803, 1159, 13, 13, 1678, 732, 12803, 29889, 842, 357, 13, 1678, 822, 5120, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 12803, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 1311, 6595, 1159, 13, 1678, 822, 1583, 29918, 2324, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 3988, 310, 278, 2825, 6503, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 1311, 29918, 2324, 1159, 13, 13, 1678, 732, 1311, 29918, 2324, 29889, 842, 357, 13, 1678, 822, 1583, 29918, 2324, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 1311, 29918, 2324, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 3859, 1319, 4205, 2039, 1159, 13, 1678, 822, 2106, 1319, 29918, 2218, 2039, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 5387, 13, 4706, 9995, 13, 4706, 3295, 2039, 2825, 373, 278, 8871, 393, 674, 367, 21634, 373, 2777, 5217, 29892, 2767, 29892, 2992, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 2917, 3864, 29899, 3859, 1319, 29899, 2218, 2039, 29899, 262, 29899, 29885, 23379, 467, 1019, 4925, 4891, 10640, 2777, 2654, 391, 3224, 1818, 367, 12708, 1434, 366, 508, 2767, 2106, 1319, 766, 2039, 373, 5923, 2777, 2318, 767, 18150, 29889, 910, 508, 367, 20704, 3025, 278, 421, 5504, 29918, 22197, 1412, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 3859, 1319, 29918, 2218, 2039, 1159, 13, 13, 1678, 732, 3859, 1319, 29918, 2218, 2039, 29889, 842, 357, 13, 1678, 822, 2106, 1319, 29918, 2218, 2039, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 29962, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 3859, 1319, 29918, 2218, 2039, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 4660, 267, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 5709, 7883, 2033, 5262, 5387, 13, 4706, 9995, 13, 4706, 450, 4660, 310, 445, 8745, 2777, 2318, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 4882, 267, 1159, 13, 13, 1678, 732, 4882, 267, 29889, 842, 357, 13, 1678, 822, 4660, 267, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 5709, 7883, 2033, 5262, 29962, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 4882, 267, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 5182, 29925, 8789, 1159, 13, 1678, 822, 3646, 29918, 1129, 3775, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 2989, 3988, 310, 599, 3646, 772, 3775, 304, 607, 716, 13, 4706, 8871, 297, 278, 2318, 526, 2715, 29889, 5020, 26747, 278, 3646, 772, 3775, 5352, 947, 13, 4706, 451, 6602, 5923, 8871, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 5182, 29918, 1129, 3775, 1159, 13, 13, 1678, 732, 5182, 29918, 1129, 3775, 29889, 842, 357, 13, 1678, 822, 3646, 29918, 1129, 3775, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 5182, 29918, 1129, 3775, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 5182, 3505, 1159, 13, 1678, 822, 3646, 29918, 2311, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 524, 5262, 29901, 13, 4706, 9995, 13, 4706, 448, 450, 1353, 310, 8871, 12833, 408, 263, 4343, 1353, 470, 263, 19649, 8679, 373, 278, 6055, 29889, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 5182, 29918, 2311, 1159, 13, 13, 1678, 732, 5182, 29918, 2311, 29889, 842, 357, 13, 1678, 822, 3646, 29918, 2311, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 524, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 5182, 29918, 2311, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 5504, 15644, 1159, 13, 1678, 822, 2767, 29918, 22197, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 5387, 13, 4706, 9995, 13, 4706, 450, 2767, 8898, 363, 445, 8745, 2777, 2318, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 786, 26747, 29899, 25240, 29899, 8758, 29899, 13155, 29897, 322, 518, 8787, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 5679, 29914, 5060, 29914, 3571, 29914, 12803, 4998, 4782, 2517, 18150, 29914, 5041, 29897, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 5504, 29918, 22197, 1159, 13, 13, 1678, 732, 5504, 29918, 22197, 29889, 842, 357, 13, 1678, 822, 2767, 29918, 22197, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 29962, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 5504, 29918, 22197, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 6910, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 5387, 13, 4706, 9995, 13, 4706, 8427, 6910, 8745, 491, 445, 2777, 2318, 29889, 7806, 13, 4706, 1873, 316, 1338, 411, 263, 2702, 2777, 4472, 29892, 14372, 508, 653, 6507, 21846, 29889, 13, 4706, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 26100, 1159, 13, 13, 1678, 732, 26100, 29889, 842, 357, 13, 1678, 822, 6910, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 29962, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 26100, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 10685, 2831, 3379, 2925, 1159, 13, 1678, 822, 4480, 29918, 1454, 29918, 2611, 2925, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 11227, 5262, 29901, 13, 4706, 9995, 13, 4706, 26460, 304, 4480, 363, 599, 8871, 304, 367, 2825, 29914, 21402, 1434, 13, 4706, 7863, 29889, 3940, 393, 565, 445, 338, 731, 304, 1565, 322, 278, 5858, 947, 451, 9269, 29892, 278, 13113, 674, 13, 4706, 6773, 1811, 2745, 372, 3064, 714, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 1159, 13, 13, 1678, 732, 10685, 29918, 1454, 29918, 2611, 2925, 29889, 842, 357, 13, 1678, 822, 4480, 29918, 1454, 29918, 2611, 2925, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 11227, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 613, 995, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 10685, 2831, 3379, 2925, 5709, 1159, 13, 1678, 822, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29898, 1311, 29897, 1599, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 1932, 1304, 411, 421, 10685, 29918, 1454, 29918, 2611, 2925, 29952, 372, 1580, 11057, 278, 4660, 304, 4480, 363, 29889, 13, 4706, 1932, 421, 1254, 6181, 29952, 338, 6790, 445, 6503, 674, 4480, 2745, 278, 8871, 526, 13714, 1434, 7863, 29889, 1932, 421, 14474, 29928, 29952, 338, 13, 4706, 731, 29892, 372, 674, 4480, 363, 278, 1873, 3646, 304, 367, 7450, 322, 738, 639, 2777, 2295, 29879, 304, 367, 11828, 408, 1532, 408, 599, 13, 4706, 8871, 304, 367, 13714, 1434, 7863, 29889, 450, 1950, 1819, 526, 421, 1254, 6181, 29952, 322, 421, 14474, 29928, 29952, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 1159, 13, 13, 1678, 732, 10685, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29889, 842, 357, 13, 1678, 822, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29898, 1311, 29892, 995, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 1125, 13, 4706, 9505, 15547, 29889, 842, 29898, 1311, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 613, 995, 29897, 13, 13, 13, 1990, 11069, 4998, 4782, 3260, 29898, 29886, 352, 15547, 29889, 7281, 6848, 1125, 13, 1678, 732, 957, 1359, 13, 1678, 822, 4770, 2344, 12035, 1649, 1311, 1649, 29892, 13, 462, 6503, 29918, 978, 29901, 851, 29892, 13, 462, 29111, 29901, 28379, 29961, 29886, 352, 15547, 29889, 6848, 5856, 29962, 353, 6213, 29892, 13, 462, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 5262, 353, 6213, 29892, 13, 462, 2967, 29918, 8758, 29918, 978, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 6139, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4978, 29918, 22197, 29918, 29920, 2873, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 353, 6213, 29892, 13, 462, 1024, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4257, 29918, 4011, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 5262, 353, 6213, 29892, 13, 462, 2060, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 5120, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 2106, 1319, 29918, 2218, 2039, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 5262, 353, 6213, 29892, 13, 462, 3646, 29918, 1129, 3775, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 353, 6213, 29892, 13, 462, 3646, 29918, 2311, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 524, 5262, 353, 6213, 29892, 13, 462, 2767, 29918, 22197, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 5262, 353, 6213, 29892, 13, 462, 6910, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 5262, 353, 6213, 29892, 13, 462, 4480, 29918, 1454, 29918, 2611, 2925, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 11227, 5262, 353, 6213, 29892, 13, 462, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4770, 11030, 1649, 29922, 8516, 1125, 13, 4706, 9995, 13, 4706, 450, 5087, 11796, 29872, 10863, 16208, 2799, 749, 6431, 15629, 3450, 10017, 322, 767, 1179, 772, 3775, 13, 4706, 310, 3632, 23724, 11796, 29872, 10863, 6901, 4933, 8871, 515, 263, 3619, 2777, 13, 4706, 4472, 29889, 13, 13, 4706, 1763, 679, 901, 2472, 1048, 5120, 4998, 4782, 2517, 18150, 29892, 1074, 29901, 13, 13, 4706, 334, 518, 8787, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 5679, 29914, 12333, 29914, 12803, 4998, 4782, 2517, 18150, 29897, 13, 4706, 334, 1128, 29899, 517, 2088, 2247, 13, 9651, 334, 518, 4597, 1848, 2799, 749, 1632, 4410, 16886, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 5721, 1091, 17068, 29899, 2611, 2925, 29899, 2541, 29899, 1727, 1848, 29899, 8758, 29899, 13155, 29897, 13, 13, 4706, 1405, 3579, 9842, 29901, 1068, 4803, 518, 26017, 29889, 4998, 4782, 3260, 850, 991, 597, 1636, 29889, 27331, 689, 29889, 601, 29914, 2640, 29914, 771, 29454, 29914, 3608, 29914, 29878, 29914, 26017, 29918, 8758, 29918, 2972, 29918, 12847, 29889, 1420, 29897, 304, 1653, 263, 503, 7177, 2777, 2318, 8455, 29889, 13, 13, 4706, 444, 8741, 10783, 482, 13, 4706, 835, 2973, 7488, 21597, 2799, 749, 25663, 6695, 14207, 29952, 1019, 5489, 29897, 13, 13, 4706, 7521, 4691, 13, 4706, 1053, 9505, 15547, 13, 4706, 1053, 9505, 15547, 29918, 29887, 6814, 408, 330, 6814, 13, 13, 4706, 4469, 354, 12818, 353, 330, 6814, 29889, 26017, 29889, 3868, 4298, 5596, 703, 6921, 354, 12818, 613, 13, 9651, 1423, 29918, 19207, 29918, 3471, 29922, 29945, 29892, 13, 9651, 11815, 29918, 3471, 29922, 29945, 29892, 13, 9651, 9045, 29891, 29918, 386, 12268, 29922, 29906, 29892, 13, 9651, 443, 354, 4298, 29891, 29918, 386, 12268, 29922, 29896, 29900, 29892, 13, 9651, 1732, 29918, 354, 4298, 29918, 3198, 29922, 29887, 6814, 29889, 26017, 29889, 3868, 4298, 5596, 5506, 3868, 4298, 5596, 7883, 29898, 13, 18884, 2009, 29918, 2084, 13802, 354, 4298, 29920, 613, 13, 18884, 2011, 29922, 29947, 29900, 29947, 29900, 29892, 13, 632, 876, 13, 4706, 623, 2974, 353, 330, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 703, 932, 2974, 613, 13, 9651, 2967, 29918, 8758, 29918, 978, 543, 932, 613, 13, 9651, 5120, 543, 375, 29899, 25171, 29896, 613, 13, 9651, 4978, 29918, 22197, 29918, 29920, 2873, 11759, 13, 18884, 376, 375, 29899, 25171, 29896, 29899, 29874, 613, 13, 18884, 376, 375, 29899, 25171, 29896, 29899, 29888, 613, 13, 9651, 21251, 13, 9651, 6910, 11759, 29887, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 6594, 7883, 29898, 13, 18884, 2777, 29918, 6886, 29922, 3608, 29918, 26017, 29918, 8758, 29918, 6886, 3366, 932, 2974, 3108, 3366, 333, 12436, 13, 9651, 1723, 1402, 13, 9651, 3646, 29918, 1129, 3775, 11759, 3608, 29918, 26017, 29918, 5182, 29918, 10109, 3366, 932, 2974, 3108, 3366, 333, 3108, 1402, 13, 9651, 3646, 29918, 2311, 29922, 29906, 29892, 13, 9651, 4257, 29918, 4011, 11759, 29887, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 29898, 13, 18884, 1024, 543, 6341, 613, 13, 18884, 2011, 29922, 29947, 29947, 29947, 29947, 29892, 13, 9651, 1723, 1402, 13, 9651, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29922, 29887, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 29898, 13, 18884, 9045, 29918, 3198, 29922, 6921, 354, 12818, 29889, 333, 29892, 13, 18884, 2847, 29918, 18829, 29918, 3471, 29922, 29941, 29900, 29900, 29892, 13, 632, 876, 13, 4706, 7521, 13, 4706, 835, 2973, 26905, 10138, 1080, 13, 4706, 7521, 4691, 13, 4706, 1053, 9505, 15547, 13, 4706, 1053, 9505, 15547, 29918, 29887, 6814, 408, 330, 6814, 13, 13, 4706, 623, 2974, 353, 330, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 703, 932, 2974, 613, 13, 9651, 2967, 29918, 8758, 29918, 978, 543, 932, 613, 13, 9651, 5120, 543, 375, 29899, 25171, 29896, 613, 13, 9651, 3646, 29918, 2311, 29922, 29945, 29892, 13, 9651, 6910, 11759, 13, 18884, 330, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 6594, 7883, 29898, 13, 462, 1678, 2777, 29918, 6886, 29922, 3608, 29918, 26017, 29918, 8758, 29918, 6886, 3366, 932, 2974, 3108, 3366, 333, 12436, 13, 18884, 10353, 13, 18884, 330, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 6594, 7883, 29898, 13, 462, 1678, 2777, 29918, 6886, 29922, 3608, 29918, 26017, 29918, 8758, 29918, 6886, 3366, 932, 2974, 29899, 3068, 653, 3108, 3366, 333, 12436, 13, 462, 1678, 3646, 29918, 2311, 29922, 29887, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 6594, 8667, 3505, 7883, 29898, 13, 462, 4706, 4343, 29922, 29896, 29892, 13, 462, 1678, 10353, 13, 18884, 10353, 13, 632, 2314, 13, 4706, 7521, 13, 13, 4706, 444, 16032, 13, 13, 4706, 2799, 749, 2318, 767, 18150, 508, 367, 19673, 773, 278, 421, 978, 1673, 321, 29889, 29887, 29889, 13, 13, 4706, 7521, 845, 13, 308, 395, 9505, 15547, 1053, 330, 6814, 29901, 26017, 29914, 12803, 4998, 4782, 3260, 29901, 18457, 4998, 4782, 3260, 623, 2974, 623, 2974, 29899, 335, 29885, 13, 4706, 7521, 13, 13, 4706, 584, 3207, 851, 6503, 29918, 978, 29901, 450, 1024, 310, 278, 6503, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 6848, 5856, 29111, 29901, 25186, 363, 278, 6503, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 29962, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29901, 450, 4469, 354, 12818, 24833, 363, 445, 8745, 2777, 13, 1669, 2318, 29889, 887, 508, 6084, 871, 697, 995, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1037, 1218, 29899, 13155, 29899, 974, 29899, 25240, 29899, 2611, 2925, 29937, 3712, 2105, 292, 29918, 13155, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 2967, 29918, 8758, 29918, 978, 29901, 450, 2967, 2777, 1024, 304, 671, 363, 13, 1669, 8871, 297, 445, 2318, 29889, 450, 995, 1818, 367, 263, 2854, 13, 1669, 518, 29934, 8610, 29896, 29900, 29941, 29945, 850, 991, 597, 1636, 29889, 2035, 29888, 29889, 990, 29914, 9600, 29883, 29914, 9600, 29883, 29896, 29900, 29941, 29945, 29889, 3945, 29897, 1024, 29889, 18601, 287, 4890, 13, 1669, 526, 5224, 4878, 8721, 29892, 3694, 29892, 322, 7498, 561, 575, 8521, 467, 2799, 2925, 526, 4257, 491, 13, 1669, 623, 2548, 263, 7498, 9789, 322, 263, 4036, 3023, 29899, 18609, 1347, 304, 278, 2967, 2777, 13, 1669, 1024, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 6139, 29901, 530, 13136, 1426, 950, 6139, 310, 278, 2777, 13, 1669, 2318, 8455, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29901, 450, 8267, 304, 607, 278, 2318, 24144, 2845, 410, 627, 3598, 470, 373, 19490, 4959, 313, 2716, 2548, 373, 278, 995, 731, 297, 2767, 29918, 22197, 29889, 29900, 29889, 8758, 29918, 1127, 391, 3224, 29918, 1853, 467, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1727, 1848, 29899, 29885, 335, 29899, 27691, 29899, 12181, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29962, 4978, 29918, 22197, 29918, 29920, 2873, 29901, 450, 4978, 8898, 363, 445, 8745, 2777, 13, 1669, 2318, 29889, 887, 508, 6084, 697, 470, 901, 1819, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 5721, 1091, 17068, 29899, 2611, 2925, 29899, 2541, 29899, 1727, 1848, 29899, 8758, 29899, 13155, 29937, 2622, 292, 29920, 2873, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 1024, 29901, 448, 10079, 1024, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 29962, 4257, 29918, 4011, 29901, 450, 4257, 2011, 5285, 29889, 2823, 278, 4004, 2400, 13, 1669, 363, 4902, 373, 5285, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 2060, 29901, 450, 3553, 310, 278, 2060, 297, 607, 278, 6503, 14393, 29889, 960, 372, 13, 1669, 338, 451, 4944, 29892, 278, 13113, 2060, 338, 1304, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 5120, 29901, 450, 5120, 988, 278, 8745, 2777, 2318, 620, 2247, 29889, 960, 451, 4944, 29892, 278, 13113, 5120, 338, 1304, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 29962, 2106, 1319, 29918, 2218, 2039, 29901, 3295, 2039, 2825, 373, 278, 8871, 393, 674, 367, 21634, 373, 2777, 5217, 29892, 2767, 29892, 2992, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 2917, 3864, 29899, 3859, 1319, 29899, 2218, 2039, 29899, 262, 29899, 29885, 23379, 467, 1019, 4925, 4891, 10640, 2777, 2654, 391, 3224, 1818, 367, 12708, 1434, 366, 508, 2767, 2106, 1319, 766, 2039, 373, 5923, 2777, 2318, 767, 18150, 29889, 910, 508, 367, 20704, 3025, 278, 421, 5504, 29918, 22197, 1412, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29962, 3646, 29918, 1129, 3775, 29901, 450, 2989, 3988, 310, 599, 3646, 772, 3775, 304, 607, 716, 13, 1669, 8871, 297, 278, 2318, 526, 2715, 29889, 5020, 26747, 278, 3646, 772, 3775, 5352, 947, 13, 1669, 451, 6602, 5923, 8871, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 524, 29962, 3646, 29918, 2311, 29901, 448, 450, 1353, 310, 8871, 12833, 408, 263, 4343, 1353, 470, 263, 19649, 8679, 373, 278, 6055, 29889, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 29962, 2767, 29918, 22197, 29901, 450, 2767, 8898, 363, 445, 8745, 2777, 2318, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 786, 26747, 29899, 25240, 29899, 8758, 29899, 13155, 29897, 322, 518, 8787, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 5679, 29914, 5060, 29914, 3571, 29914, 12803, 4998, 4782, 2517, 18150, 29914, 5041, 29897, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 29962, 6910, 29901, 8427, 6910, 8745, 491, 445, 2777, 2318, 29889, 7806, 13, 1669, 1873, 316, 1338, 411, 263, 2702, 2777, 4472, 29892, 14372, 508, 653, 6507, 21846, 29889, 13, 1669, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 11227, 29962, 4480, 29918, 1454, 29918, 2611, 2925, 29901, 26460, 304, 4480, 363, 599, 8871, 304, 367, 2825, 29914, 21402, 1434, 13, 1669, 7863, 29889, 3940, 393, 565, 445, 338, 731, 304, 1565, 322, 278, 5858, 947, 451, 9269, 29892, 278, 13113, 674, 13, 1669, 6773, 1811, 2745, 372, 3064, 714, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29901, 1932, 1304, 411, 421, 10685, 29918, 1454, 29918, 2611, 2925, 29952, 372, 1580, 11057, 278, 4660, 304, 4480, 363, 29889, 13, 1669, 1932, 421, 1254, 6181, 29952, 338, 6790, 445, 6503, 674, 4480, 2745, 278, 8871, 526, 13714, 1434, 7863, 29889, 1932, 421, 14474, 29928, 29952, 338, 13, 1669, 731, 29892, 372, 674, 4480, 363, 278, 1873, 3646, 304, 367, 7450, 322, 738, 639, 2777, 2295, 29879, 304, 367, 11828, 408, 1532, 408, 599, 13, 1669, 8871, 304, 367, 13714, 1434, 7863, 29889, 450, 1950, 1819, 526, 421, 1254, 6181, 29952, 322, 421, 14474, 29928, 29952, 13, 4706, 9995, 13, 4706, 2023, 13, 1678, 732, 957, 1359, 13, 1678, 822, 4770, 2344, 12035, 1649, 1311, 1649, 29892, 13, 462, 6503, 29918, 978, 29901, 851, 29892, 13, 462, 6389, 29901, 11069, 4998, 4782, 3260, 7883, 29892, 13, 462, 29111, 29901, 28379, 29961, 29886, 352, 15547, 29889, 6848, 5856, 29962, 353, 6213, 1125, 13, 4706, 9995, 13, 4706, 450, 5087, 11796, 29872, 10863, 16208, 2799, 749, 6431, 15629, 3450, 10017, 322, 767, 1179, 772, 3775, 13, 4706, 310, 3632, 23724, 11796, 29872, 10863, 6901, 4933, 8871, 515, 263, 3619, 2777, 13, 4706, 4472, 29889, 13, 13, 4706, 1763, 679, 901, 2472, 1048, 5120, 4998, 4782, 2517, 18150, 29892, 1074, 29901, 13, 13, 4706, 334, 518, 8787, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 5679, 29914, 12333, 29914, 12803, 4998, 4782, 2517, 18150, 29897, 13, 4706, 334, 1128, 29899, 517, 2088, 2247, 13, 9651, 334, 518, 4597, 1848, 2799, 749, 1632, 4410, 16886, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 5721, 1091, 17068, 29899, 2611, 2925, 29899, 2541, 29899, 1727, 1848, 29899, 8758, 29899, 13155, 29897, 13, 13, 4706, 1405, 3579, 9842, 29901, 1068, 4803, 518, 26017, 29889, 4998, 4782, 3260, 850, 991, 597, 1636, 29889, 27331, 689, 29889, 601, 29914, 2640, 29914, 771, 29454, 29914, 3608, 29914, 29878, 29914, 26017, 29918, 8758, 29918, 2972, 29918, 12847, 29889, 1420, 29897, 304, 1653, 263, 503, 7177, 2777, 2318, 8455, 29889, 13, 13, 4706, 444, 8741, 10783, 482, 13, 4706, 835, 2973, 7488, 21597, 2799, 749, 25663, 6695, 14207, 29952, 1019, 5489, 29897, 13, 13, 4706, 7521, 4691, 13, 4706, 1053, 9505, 15547, 13, 4706, 1053, 9505, 15547, 29918, 29887, 6814, 408, 330, 6814, 13, 13, 4706, 4469, 354, 12818, 353, 330, 6814, 29889, 26017, 29889, 3868, 4298, 5596, 703, 6921, 354, 12818, 613, 13, 9651, 1423, 29918, 19207, 29918, 3471, 29922, 29945, 29892, 13, 9651, 11815, 29918, 3471, 29922, 29945, 29892, 13, 9651, 9045, 29891, 29918, 386, 12268, 29922, 29906, 29892, 13, 9651, 443, 354, 4298, 29891, 29918, 386, 12268, 29922, 29896, 29900, 29892, 13, 9651, 1732, 29918, 354, 4298, 29918, 3198, 29922, 29887, 6814, 29889, 26017, 29889, 3868, 4298, 5596, 5506, 3868, 4298, 5596, 7883, 29898, 13, 18884, 2009, 29918, 2084, 13802, 354, 4298, 29920, 613, 13, 18884, 2011, 29922, 29947, 29900, 29947, 29900, 29892, 13, 632, 876, 13, 4706, 623, 2974, 353, 330, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 703, 932, 2974, 613, 13, 9651, 2967, 29918, 8758, 29918, 978, 543, 932, 613, 13, 9651, 5120, 543, 375, 29899, 25171, 29896, 613, 13, 9651, 4978, 29918, 22197, 29918, 29920, 2873, 11759, 13, 18884, 376, 375, 29899, 25171, 29896, 29899, 29874, 613, 13, 18884, 376, 375, 29899, 25171, 29896, 29899, 29888, 613, 13, 9651, 21251, 13, 9651, 6910, 11759, 29887, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 6594, 7883, 29898, 13, 18884, 2777, 29918, 6886, 29922, 3608, 29918, 26017, 29918, 8758, 29918, 6886, 3366, 932, 2974, 3108, 3366, 333, 12436, 13, 9651, 1723, 1402, 13, 9651, 3646, 29918, 1129, 3775, 11759, 3608, 29918, 26017, 29918, 5182, 29918, 10109, 3366, 932, 2974, 3108, 3366, 333, 3108, 1402, 13, 9651, 3646, 29918, 2311, 29922, 29906, 29892, 13, 9651, 4257, 29918, 4011, 11759, 29887, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 29898, 13, 18884, 1024, 543, 6341, 613, 13, 18884, 2011, 29922, 29947, 29947, 29947, 29947, 29892, 13, 9651, 1723, 1402, 13, 9651, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29922, 29887, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 29898, 13, 18884, 9045, 29918, 3198, 29922, 6921, 354, 12818, 29889, 333, 29892, 13, 18884, 2847, 29918, 18829, 29918, 3471, 29922, 29941, 29900, 29900, 29892, 13, 632, 876, 13, 4706, 7521, 13, 4706, 835, 2973, 26905, 10138, 1080, 13, 4706, 7521, 4691, 13, 4706, 1053, 9505, 15547, 13, 4706, 1053, 9505, 15547, 29918, 29887, 6814, 408, 330, 6814, 13, 13, 4706, 623, 2974, 353, 330, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 703, 932, 2974, 613, 13, 9651, 2967, 29918, 8758, 29918, 978, 543, 932, 613, 13, 9651, 5120, 543, 375, 29899, 25171, 29896, 613, 13, 9651, 3646, 29918, 2311, 29922, 29945, 29892, 13, 9651, 6910, 11759, 13, 18884, 330, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 6594, 7883, 29898, 13, 462, 1678, 2777, 29918, 6886, 29922, 3608, 29918, 26017, 29918, 8758, 29918, 6886, 3366, 932, 2974, 3108, 3366, 333, 12436, 13, 18884, 10353, 13, 18884, 330, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 6594, 7883, 29898, 13, 462, 1678, 2777, 29918, 6886, 29922, 3608, 29918, 26017, 29918, 8758, 29918, 6886, 3366, 932, 2974, 29899, 3068, 653, 3108, 3366, 333, 12436, 13, 462, 1678, 3646, 29918, 2311, 29922, 29887, 6814, 29889, 26017, 29889, 18457, 4998, 4782, 3260, 6594, 8667, 3505, 7883, 29898, 13, 462, 4706, 4343, 29922, 29896, 29892, 13, 462, 1678, 10353, 13, 18884, 10353, 13, 632, 2314, 13, 4706, 7521, 13, 13, 4706, 444, 16032, 13, 13, 4706, 2799, 749, 2318, 767, 18150, 508, 367, 19673, 773, 278, 421, 978, 1673, 321, 29889, 29887, 29889, 13, 13, 4706, 7521, 845, 13, 308, 395, 9505, 15547, 1053, 330, 6814, 29901, 26017, 29914, 12803, 4998, 4782, 3260, 29901, 18457, 4998, 4782, 3260, 623, 2974, 623, 2974, 29899, 335, 29885, 13, 4706, 7521, 13, 13, 4706, 584, 3207, 851, 6503, 29918, 978, 29901, 450, 1024, 310, 278, 6503, 29889, 13, 4706, 584, 3207, 11069, 4998, 4782, 3260, 7883, 6389, 29901, 450, 6273, 304, 671, 304, 19450, 445, 6503, 29915, 29879, 4426, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 6848, 5856, 29111, 29901, 25186, 363, 278, 6503, 29889, 13, 4706, 9995, 13, 4706, 2023, 13, 1678, 822, 4770, 2344, 12035, 1649, 1311, 1649, 29892, 6503, 29918, 978, 29901, 851, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 6503, 29918, 5085, 29892, 29111, 353, 903, 4422, 1907, 29889, 657, 29918, 10314, 29918, 5085, 29918, 25707, 29898, 18457, 4998, 4782, 3260, 7883, 29892, 9505, 15547, 29889, 6848, 5856, 29892, 334, 5085, 29892, 3579, 19290, 29897, 13, 4706, 565, 6503, 29918, 5085, 338, 451, 6213, 29901, 13, 9651, 4770, 1311, 1649, 3032, 7564, 29918, 2344, 29898, 10314, 29918, 978, 29892, 29111, 29892, 3579, 10314, 29918, 5085, 17255, 8977, 1649, 29897, 13, 4706, 1683, 29901, 13, 9651, 4770, 1311, 1649, 3032, 7564, 29918, 2344, 29898, 10314, 29918, 978, 29892, 334, 5085, 29892, 3579, 19290, 29897, 13, 13, 1678, 822, 903, 7564, 29918, 2344, 22168, 1311, 1649, 29892, 13, 462, 6503, 29918, 978, 29901, 851, 29892, 13, 462, 29111, 29901, 28379, 29961, 29886, 352, 15547, 29889, 6848, 5856, 29962, 353, 6213, 29892, 13, 462, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 5262, 353, 6213, 29892, 13, 462, 2967, 29918, 8758, 29918, 978, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 6139, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4978, 29918, 22197, 29918, 29920, 2873, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 353, 6213, 29892, 13, 462, 1024, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4257, 29918, 4011, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 5262, 353, 6213, 29892, 13, 462, 2060, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 5120, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 2106, 1319, 29918, 2218, 2039, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 5262, 353, 6213, 29892, 13, 462, 3646, 29918, 1129, 3775, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 353, 6213, 29892, 13, 462, 3646, 29918, 2311, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 524, 5262, 353, 6213, 29892, 13, 462, 2767, 29918, 22197, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 5262, 353, 6213, 29892, 13, 462, 6910, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 5262, 353, 6213, 29892, 13, 462, 4480, 29918, 1454, 29918, 2611, 2925, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 11227, 5262, 353, 6213, 29892, 13, 462, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 462, 4770, 11030, 1649, 29922, 8516, 1125, 13, 4706, 565, 29111, 338, 6213, 29901, 13, 9651, 29111, 353, 9505, 15547, 29889, 6848, 5856, 580, 13, 4706, 565, 451, 338, 8758, 29898, 25707, 29892, 9505, 15547, 29889, 6848, 5856, 1125, 13, 9651, 12020, 20948, 877, 1252, 6021, 6503, 3987, 304, 367, 263, 18981, 5856, 2777, 1495, 13, 4706, 565, 29111, 29889, 3259, 338, 6213, 29901, 13, 9651, 29111, 29889, 3259, 353, 903, 4422, 1907, 29889, 657, 29918, 3259, 580, 13, 4706, 565, 29111, 29889, 333, 338, 6213, 29901, 13, 9651, 565, 4770, 11030, 1649, 338, 451, 6213, 29901, 13, 18884, 12020, 20948, 877, 1649, 11030, 1649, 338, 871, 2854, 746, 4502, 297, 10296, 411, 263, 2854, 29111, 29889, 333, 304, 679, 385, 5923, 6503, 1495, 13, 9651, 4770, 11030, 1649, 353, 11069, 4998, 4782, 3260, 7883, 17255, 1482, 12035, 18457, 4998, 4782, 3260, 7883, 29897, 13, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 6921, 29918, 354, 12818, 29918, 3733, 293, 583, 3108, 353, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 13, 9651, 565, 2967, 29918, 8758, 29918, 978, 338, 6213, 322, 451, 29111, 29889, 595, 29901, 13, 18884, 12020, 20948, 703, 18552, 292, 3734, 2875, 525, 3188, 29918, 8758, 29918, 978, 29915, 1159, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 3188, 29918, 8758, 29918, 978, 3108, 353, 2967, 29918, 8758, 29918, 978, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 8216, 3108, 353, 6139, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 27691, 29918, 22197, 29918, 5182, 29918, 12181, 3108, 353, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 27691, 29918, 22197, 29918, 29920, 2873, 3108, 353, 4978, 29918, 22197, 29918, 29920, 2873, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 978, 3108, 353, 1024, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 17514, 29918, 4011, 3108, 353, 4257, 29918, 4011, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 4836, 3108, 353, 2060, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 12803, 3108, 353, 5120, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 3859, 1319, 29918, 2218, 2039, 3108, 353, 2106, 1319, 29918, 2218, 2039, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 5182, 29918, 1129, 3775, 3108, 353, 3646, 29918, 1129, 3775, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 5182, 29918, 2311, 3108, 353, 3646, 29918, 2311, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 5504, 29918, 22197, 3108, 353, 2767, 29918, 22197, 13, 9651, 565, 6910, 338, 6213, 322, 451, 29111, 29889, 595, 29901, 13, 18884, 12020, 20948, 703, 18552, 292, 3734, 2875, 525, 26100, 29915, 1159, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 26100, 3108, 353, 6910, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 10685, 29918, 1454, 29918, 2611, 2925, 3108, 353, 4480, 29918, 1454, 29918, 2611, 2925, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 10685, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 3108, 353, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 29888, 5621, 2158, 3108, 353, 6213, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 8758, 29918, 2972, 3108, 353, 6213, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 1311, 29918, 2324, 3108, 353, 6213, 13, 9651, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 4882, 267, 3108, 353, 6213, 13, 4706, 2428, 29898, 18457, 4998, 4782, 3260, 29892, 4770, 1311, 1649, 467, 1649, 2344, 12035, 13, 9651, 525, 29887, 6814, 29901, 26017, 29914, 12803, 4998, 4782, 3260, 29901, 18457, 4998, 4782, 3260, 742, 13, 9651, 6503, 29918, 978, 29892, 13, 9651, 4770, 11030, 1649, 29892, 13, 9651, 29111, 29897, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 679, 29898, 10314, 29918, 978, 29901, 851, 29892, 13, 9651, 1178, 29901, 9505, 15547, 29889, 4290, 29961, 710, 1402, 13, 9651, 29111, 29901, 28379, 29961, 29886, 352, 15547, 29889, 6848, 5856, 29962, 353, 6213, 29892, 13, 9651, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 5262, 353, 6213, 29892, 13, 9651, 2967, 29918, 8758, 29918, 978, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 9651, 6139, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 9651, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 9651, 4978, 29918, 22197, 29918, 29920, 2873, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 353, 6213, 29892, 13, 9651, 19917, 2158, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 9651, 2777, 29918, 2972, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 9651, 1024, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 9651, 4257, 29918, 4011, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 5262, 353, 6213, 29892, 13, 9651, 2060, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 9651, 5120, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 9651, 1583, 29918, 2324, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29892, 13, 9651, 2106, 1319, 29918, 2218, 2039, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 5262, 353, 6213, 29892, 13, 9651, 4660, 267, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 5709, 7883, 2033, 5262, 5262, 353, 6213, 29892, 13, 9651, 3646, 29918, 1129, 3775, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 5262, 353, 6213, 29892, 13, 9651, 3646, 29918, 2311, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 524, 5262, 353, 6213, 29892, 13, 9651, 2767, 29918, 22197, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 5262, 353, 6213, 29892, 13, 9651, 6910, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 5262, 353, 6213, 29892, 13, 9651, 4480, 29918, 1454, 29918, 2611, 2925, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 11227, 5262, 353, 6213, 29892, 13, 9651, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29901, 28379, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 353, 6213, 29897, 1599, 525, 18457, 4998, 4782, 3260, 2396, 13, 4706, 9995, 13, 4706, 3617, 385, 5923, 11069, 4998, 4782, 3260, 6503, 29915, 29879, 2106, 411, 278, 2183, 1024, 29892, 1178, 29892, 322, 13136, 4805, 13, 4706, 4426, 1304, 304, 4021, 1598, 278, 16280, 29889, 13, 13, 4706, 584, 3207, 851, 6503, 29918, 978, 29901, 450, 5412, 1024, 310, 278, 9819, 6503, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 1178, 29901, 450, 5412, 13113, 3553, 310, 278, 6503, 304, 16280, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 6848, 5856, 29111, 29901, 25186, 363, 278, 6503, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 7883, 2033, 29962, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29901, 450, 4469, 354, 12818, 24833, 363, 445, 8745, 2777, 13, 1669, 2318, 29889, 887, 508, 6084, 871, 697, 995, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1037, 1218, 29899, 13155, 29899, 974, 29899, 25240, 29899, 2611, 2925, 29937, 3712, 2105, 292, 29918, 13155, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 2967, 29918, 8758, 29918, 978, 29901, 450, 2967, 2777, 1024, 304, 671, 363, 13, 1669, 8871, 297, 445, 2318, 29889, 450, 995, 1818, 367, 263, 2854, 13, 1669, 518, 29934, 8610, 29896, 29900, 29941, 29945, 850, 991, 597, 1636, 29889, 2035, 29888, 29889, 990, 29914, 9600, 29883, 29914, 9600, 29883, 29896, 29900, 29941, 29945, 29889, 3945, 29897, 1024, 29889, 18601, 287, 4890, 13, 1669, 526, 5224, 4878, 8721, 29892, 3694, 29892, 322, 7498, 561, 575, 8521, 467, 2799, 2925, 526, 4257, 491, 13, 1669, 623, 2548, 263, 7498, 9789, 322, 263, 4036, 3023, 29899, 18609, 1347, 304, 278, 2967, 2777, 13, 1669, 1024, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 6139, 29901, 530, 13136, 1426, 950, 6139, 310, 278, 2777, 13, 1669, 2318, 8455, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29901, 450, 8267, 304, 607, 278, 2318, 24144, 2845, 410, 627, 3598, 470, 373, 19490, 4959, 313, 2716, 2548, 373, 278, 995, 731, 297, 2767, 29918, 22197, 29889, 29900, 29889, 8758, 29918, 1127, 391, 3224, 29918, 1853, 467, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1727, 1848, 29899, 29885, 335, 29899, 27691, 29899, 12181, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29962, 4978, 29918, 22197, 29918, 29920, 2873, 29901, 450, 4978, 8898, 363, 445, 8745, 2777, 13, 1669, 2318, 29889, 887, 508, 6084, 697, 470, 901, 1819, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 5721, 1091, 17068, 29899, 2611, 2925, 29899, 2541, 29899, 1727, 1848, 29899, 8758, 29899, 13155, 29937, 2622, 292, 29920, 2873, 467, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 19917, 2158, 29901, 450, 19917, 2158, 310, 278, 2777, 2318, 8455, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 2777, 29918, 2972, 29901, 450, 2989, 3988, 310, 278, 2777, 2318, 2825, 491, 278, 8455, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 1024, 29901, 448, 10079, 1024, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 22175, 2290, 7883, 2033, 5262, 29962, 4257, 29918, 4011, 29901, 450, 4257, 2011, 5285, 29889, 2823, 278, 4004, 2400, 13, 1669, 363, 4902, 373, 5285, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 2060, 29901, 450, 3553, 310, 278, 2060, 297, 607, 278, 6503, 14393, 29889, 960, 372, 13, 1669, 338, 451, 4944, 29892, 278, 13113, 2060, 338, 1304, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 5120, 29901, 450, 5120, 988, 278, 8745, 2777, 2318, 620, 2247, 29889, 960, 451, 4944, 29892, 278, 13113, 5120, 338, 1304, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 1583, 29918, 2324, 29901, 450, 3988, 310, 278, 2825, 6503, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 7883, 2033, 5262, 29962, 2106, 1319, 29918, 2218, 2039, 29901, 3295, 2039, 2825, 373, 278, 8871, 393, 674, 367, 21634, 373, 2777, 5217, 29892, 2767, 29892, 2992, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 2917, 3864, 29899, 3859, 1319, 29899, 2218, 2039, 29899, 262, 29899, 29885, 23379, 467, 1019, 4925, 4891, 10640, 2777, 2654, 391, 3224, 1818, 367, 12708, 1434, 366, 508, 2767, 2106, 1319, 766, 2039, 373, 5923, 2777, 2318, 767, 18150, 29889, 910, 508, 367, 20704, 3025, 278, 421, 5504, 29918, 22197, 1412, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 5709, 7883, 2033, 5262, 29962, 4660, 267, 29901, 450, 4660, 310, 445, 8745, 2777, 2318, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 710, 5262, 29962, 3646, 29918, 1129, 3775, 29901, 450, 2989, 3988, 310, 599, 3646, 772, 3775, 304, 607, 716, 13, 1669, 8871, 297, 278, 2318, 526, 2715, 29889, 5020, 26747, 278, 3646, 772, 3775, 5352, 947, 13, 1669, 451, 6602, 5923, 8871, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 524, 29962, 3646, 29918, 2311, 29901, 448, 450, 1353, 310, 8871, 12833, 408, 263, 4343, 1353, 470, 263, 19649, 8679, 373, 278, 6055, 29889, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 6422, 15644, 7883, 2033, 29962, 2767, 29918, 22197, 29901, 450, 2767, 8898, 363, 445, 8745, 2777, 2318, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 786, 26747, 29899, 25240, 29899, 8758, 29899, 13155, 29897, 322, 518, 8787, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 5679, 29914, 5060, 29914, 3571, 29914, 12803, 4998, 4782, 2517, 18150, 29914, 5041, 29897, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 20529, 29961, 29886, 352, 15547, 29889, 4290, 29961, 29886, 352, 15547, 29889, 4290, 1542, 1839, 18457, 4998, 4782, 3260, 6594, 7883, 2033, 5262, 29962, 6910, 29901, 8427, 6910, 8745, 491, 445, 2777, 2318, 29889, 7806, 13, 1669, 1873, 316, 1338, 411, 263, 2702, 2777, 4472, 29892, 14372, 508, 653, 6507, 21846, 29889, 13, 1669, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 11227, 29962, 4480, 29918, 1454, 29918, 2611, 2925, 29901, 26460, 304, 4480, 363, 599, 8871, 304, 367, 2825, 29914, 21402, 1434, 13, 1669, 7863, 29889, 3940, 393, 565, 445, 338, 731, 304, 1565, 322, 278, 5858, 947, 451, 9269, 29892, 278, 13113, 674, 13, 1669, 6773, 1811, 2745, 372, 3064, 714, 29889, 13, 4706, 584, 3207, 9505, 15547, 29889, 4290, 29961, 710, 29962, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29901, 1932, 1304, 411, 421, 10685, 29918, 1454, 29918, 2611, 2925, 29952, 372, 1580, 11057, 278, 4660, 304, 4480, 363, 29889, 13, 1669, 1932, 421, 1254, 6181, 29952, 338, 6790, 445, 6503, 674, 4480, 2745, 278, 8871, 526, 13714, 1434, 7863, 29889, 1932, 421, 14474, 29928, 29952, 338, 13, 1669, 731, 29892, 372, 674, 4480, 363, 278, 1873, 3646, 304, 367, 7450, 322, 738, 639, 2777, 2295, 29879, 304, 367, 11828, 408, 1532, 408, 599, 13, 1669, 8871, 304, 367, 13714, 1434, 7863, 29889, 450, 1950, 1819, 526, 421, 1254, 6181, 29952, 322, 421, 14474, 29928, 29952, 13, 4706, 9995, 13, 4706, 29111, 353, 9505, 15547, 29889, 6848, 5856, 29889, 14634, 29898, 25707, 29892, 9505, 15547, 29889, 6848, 5856, 29898, 333, 29922, 333, 876, 13, 13, 4706, 4770, 11030, 1649, 353, 903, 18457, 4998, 4782, 3260, 2792, 17255, 1482, 1649, 7373, 18457, 4998, 4782, 3260, 2792, 29897, 13, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 6921, 29918, 354, 12818, 29918, 3733, 293, 583, 3108, 353, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 3188, 29918, 8758, 29918, 978, 3108, 353, 2967, 29918, 8758, 29918, 978, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 8216, 3108, 353, 6139, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 27691, 29918, 22197, 29918, 5182, 29918, 12181, 3108, 353, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 27691, 29918, 22197, 29918, 29920, 2873, 3108, 353, 4978, 29918, 22197, 29918, 29920, 2873, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 29888, 5621, 2158, 3108, 353, 19917, 2158, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 8758, 29918, 2972, 3108, 353, 2777, 29918, 2972, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 978, 3108, 353, 1024, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 17514, 29918, 4011, 3108, 353, 4257, 29918, 4011, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 4836, 3108, 353, 2060, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 12803, 3108, 353, 5120, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 1311, 29918, 2324, 3108, 353, 1583, 29918, 2324, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 3859, 1319, 29918, 2218, 2039, 3108, 353, 2106, 1319, 29918, 2218, 2039, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 4882, 267, 3108, 353, 4660, 267, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 5182, 29918, 1129, 3775, 3108, 353, 3646, 29918, 1129, 3775, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 5182, 29918, 2311, 3108, 353, 3646, 29918, 2311, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 5504, 29918, 22197, 3108, 353, 2767, 29918, 22197, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 26100, 3108, 353, 6910, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 10685, 29918, 1454, 29918, 2611, 2925, 3108, 353, 4480, 29918, 1454, 29918, 2611, 2925, 13, 4706, 4770, 11030, 1649, 17255, 8977, 1649, 3366, 10685, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 3108, 353, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 13, 4706, 736, 11069, 4998, 4782, 3260, 29898, 10314, 29918, 978, 29892, 29111, 29922, 25707, 29892, 4770, 11030, 1649, 29922, 1649, 11030, 1649, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 6921, 3868, 12818, 7713, 293, 583, 1159, 13, 1678, 822, 4469, 29918, 354, 12818, 29918, 3733, 293, 583, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 27636, 1839, 4905, 29879, 29889, 18457, 4998, 4782, 3260, 12300, 3868, 12818, 7713, 293, 583, 2033, 5387, 13, 4706, 9995, 13, 4706, 450, 4469, 354, 12818, 24833, 363, 445, 8745, 2777, 13, 4706, 2318, 29889, 887, 508, 6084, 871, 697, 995, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1037, 1218, 29899, 13155, 29899, 974, 29899, 25240, 29899, 2611, 2925, 29937, 3712, 2105, 292, 29918, 13155, 467, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 6921, 29918, 354, 12818, 29918, 3733, 293, 583, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 3188, 4998, 1170, 1159, 13, 1678, 822, 2967, 29918, 8758, 29918, 978, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 710, 5387, 13, 4706, 9995, 13, 4706, 450, 2967, 2777, 1024, 304, 671, 363, 13, 4706, 8871, 297, 445, 2318, 29889, 450, 995, 1818, 367, 263, 2854, 13, 4706, 518, 29934, 8610, 29896, 29900, 29941, 29945, 850, 991, 597, 1636, 29889, 2035, 29888, 29889, 990, 29914, 9600, 29883, 29914, 9600, 29883, 29896, 29900, 29941, 29945, 29889, 3945, 29897, 1024, 29889, 18601, 287, 4890, 13, 4706, 526, 5224, 4878, 8721, 29892, 3694, 29892, 322, 7498, 561, 575, 8521, 467, 2799, 2925, 526, 4257, 491, 13, 4706, 623, 2548, 263, 7498, 9789, 322, 263, 4036, 3023, 29899, 18609, 1347, 304, 278, 2967, 2777, 13, 4706, 1024, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 3188, 29918, 8758, 29918, 978, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 6139, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 27636, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 530, 13136, 1426, 950, 6139, 310, 278, 2777, 13, 4706, 2318, 8455, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 8216, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 27691, 15644, 8667, 24111, 1159, 13, 1678, 822, 4978, 29918, 22197, 29918, 5182, 29918, 12181, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 710, 5387, 13, 4706, 9995, 13, 4706, 450, 8267, 304, 607, 278, 2318, 24144, 2845, 410, 627, 3598, 470, 373, 19490, 4959, 313, 2716, 2548, 373, 278, 995, 731, 297, 2767, 29918, 22197, 29889, 29900, 29889, 8758, 29918, 1127, 391, 3224, 29918, 1853, 467, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 1727, 1848, 29899, 29885, 335, 29899, 27691, 29899, 12181, 467, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 27691, 29918, 22197, 29918, 5182, 29918, 12181, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 27691, 15644, 29999, 2873, 1159, 13, 1678, 822, 4978, 29918, 22197, 29918, 29920, 2873, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 20529, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 4978, 8898, 363, 445, 8745, 2777, 13, 4706, 2318, 29889, 887, 508, 6084, 697, 470, 901, 1819, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 5721, 1091, 17068, 29899, 2611, 2925, 29899, 2541, 29899, 1727, 1848, 29899, 8758, 29899, 13155, 29937, 2622, 292, 29920, 2873, 467, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 27691, 29918, 22197, 29918, 29920, 2873, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 19917, 2158, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 710, 5387, 13, 4706, 9995, 13, 4706, 450, 19917, 2158, 310, 278, 2777, 2318, 8455, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 29888, 5621, 2158, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 8758, 4782, 1159, 13, 1678, 822, 2777, 29918, 2972, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 710, 5387, 13, 4706, 9995, 13, 4706, 450, 2989, 3988, 310, 278, 2777, 2318, 2825, 491, 278, 8455, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 8758, 29918, 2972, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 1024, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 710, 5387, 13, 4706, 9995, 13, 4706, 448, 10079, 1024, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 978, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 17514, 2290, 29879, 1159, 13, 1678, 822, 4257, 29918, 4011, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 27636, 29961, 20529, 1839, 4905, 29879, 29889, 18457, 4998, 4782, 3260, 22175, 2290, 2033, 5262, 29901, 13, 4706, 9995, 13, 4706, 450, 4257, 2011, 5285, 29889, 2823, 278, 4004, 2400, 13, 4706, 363, 4902, 373, 5285, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 17514, 29918, 4011, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 2060, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 710, 5387, 13, 4706, 9995, 13, 4706, 450, 3553, 310, 278, 2060, 297, 607, 278, 6503, 14393, 29889, 960, 372, 13, 4706, 338, 451, 4944, 29892, 278, 13113, 2060, 338, 1304, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 4836, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 5120, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 710, 5387, 13, 4706, 9995, 13, 4706, 450, 5120, 988, 278, 8745, 2777, 2318, 620, 2247, 29889, 960, 451, 4944, 29892, 278, 13113, 5120, 338, 1304, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 12803, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 1311, 6595, 1159, 13, 1678, 822, 1583, 29918, 2324, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 710, 5387, 13, 4706, 9995, 13, 4706, 450, 3988, 310, 278, 2825, 6503, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 1311, 29918, 2324, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 3859, 1319, 4205, 2039, 1159, 13, 1678, 822, 2106, 1319, 29918, 2218, 2039, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 27636, 29961, 20529, 1839, 4905, 29879, 29889, 18457, 4998, 4782, 3260, 2792, 1319, 29928, 3873, 2033, 5262, 29901, 13, 4706, 9995, 13, 4706, 3295, 2039, 2825, 373, 278, 8871, 393, 674, 367, 21634, 373, 2777, 5217, 29892, 2767, 29892, 2992, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 2917, 3864, 29899, 3859, 1319, 29899, 2218, 2039, 29899, 262, 29899, 29885, 23379, 467, 1019, 4925, 4891, 10640, 2777, 2654, 391, 3224, 1818, 367, 12708, 1434, 366, 508, 2767, 2106, 1319, 766, 2039, 373, 5923, 2777, 2318, 767, 18150, 29889, 910, 508, 367, 20704, 3025, 278, 421, 5504, 29918, 22197, 1412, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 3859, 1319, 29918, 2218, 2039, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 4660, 267, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 20529, 1839, 4905, 29879, 29889, 18457, 4998, 4782, 3260, 5709, 2033, 5387, 13, 4706, 9995, 13, 4706, 450, 4660, 310, 445, 8745, 2777, 2318, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 4882, 267, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 5182, 29925, 8789, 1159, 13, 1678, 822, 3646, 29918, 1129, 3775, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 27636, 29961, 20529, 29961, 710, 5262, 5387, 13, 4706, 9995, 13, 4706, 450, 2989, 3988, 310, 599, 3646, 772, 3775, 304, 607, 716, 13, 4706, 8871, 297, 278, 2318, 526, 2715, 29889, 5020, 26747, 278, 3646, 772, 3775, 5352, 947, 13, 4706, 451, 6602, 5923, 8871, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 5182, 29918, 1129, 3775, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 5182, 3505, 1159, 13, 1678, 822, 3646, 29918, 2311, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 524, 5387, 13, 4706, 9995, 13, 4706, 448, 450, 1353, 310, 8871, 12833, 408, 263, 4343, 1353, 470, 263, 19649, 8679, 373, 278, 6055, 29889, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 5182, 29918, 2311, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 5504, 15644, 1159, 13, 1678, 822, 2767, 29918, 22197, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 1839, 4905, 29879, 29889, 18457, 4998, 4782, 3260, 6422, 15644, 2033, 29901, 13, 4706, 9995, 13, 4706, 450, 2767, 8898, 363, 445, 8745, 2777, 2318, 29889, 3767, 12425, 338, 23531, 2400, 29889, 1152, 901, 2472, 29892, 1074, 278, 518, 29877, 7880, 5106, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 8758, 29899, 13155, 29914, 786, 26747, 29899, 25240, 29899, 8758, 29899, 13155, 29897, 322, 518, 8787, 850, 991, 597, 9274, 29889, 3608, 29889, 510, 29914, 26017, 29914, 2640, 29914, 5679, 29914, 5060, 29914, 3571, 29914, 12803, 4998, 4782, 2517, 18150, 29914, 5041, 29897, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 5504, 29918, 22197, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 13, 1678, 822, 6910, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 20529, 1839, 4905, 29879, 29889, 18457, 4998, 4782, 3260, 6594, 2033, 5387, 13, 4706, 9995, 13, 4706, 8427, 6910, 8745, 491, 445, 2777, 2318, 29889, 7806, 13, 4706, 1873, 316, 1338, 411, 263, 2702, 2777, 4472, 29892, 14372, 508, 653, 6507, 21846, 29889, 13, 4706, 3767, 12425, 338, 23531, 2400, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 26100, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 10685, 2831, 3379, 2925, 1159, 13, 1678, 822, 4480, 29918, 1454, 29918, 2611, 2925, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 27636, 29961, 11227, 5262, 29901, 13, 4706, 9995, 13, 4706, 26460, 304, 4480, 363, 599, 8871, 304, 367, 2825, 29914, 21402, 1434, 13, 4706, 7863, 29889, 3940, 393, 565, 445, 338, 731, 304, 1565, 322, 278, 5858, 947, 451, 9269, 29892, 278, 13113, 674, 13, 4706, 6773, 1811, 2745, 372, 3064, 714, 29889, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 1159, 13, 13, 1678, 732, 6799, 13, 1678, 732, 29886, 352, 15547, 29889, 657, 357, 29898, 978, 543, 10685, 2831, 3379, 2925, 5709, 1159, 13, 1678, 822, 4480, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 29898, 1311, 29897, 1599, 9505, 15547, 29889, 6466, 29961, 27636, 29961, 710, 5262, 29901, 13, 4706, 9995, 13, 4706, 1932, 1304, 411, 421, 10685, 29918, 1454, 29918, 2611, 2925, 29952, 372, 1580, 11057, 278, 4660, 304, 4480, 363, 29889, 13, 4706, 1932, 421, 1254, 6181, 29952, 338, 6790, 445, 6503, 674, 4480, 2745, 278, 8871, 526, 13714, 1434, 7863, 29889, 1932, 421, 14474, 29928, 29952, 338, 13, 4706, 731, 29892, 372, 674, 4480, 363, 278, 1873, 3646, 304, 367, 7450, 322, 738, 639, 2777, 2295, 29879, 304, 367, 11828, 408, 1532, 408, 599, 13, 4706, 8871, 304, 367, 13714, 1434, 7863, 29889, 450, 1950, 1819, 526, 421, 1254, 6181, 29952, 322, 421, 14474, 29928, 29952, 13, 4706, 9995, 13, 4706, 736, 9505, 15547, 29889, 657, 29898, 1311, 29892, 376, 10685, 29918, 1454, 29918, 2611, 2925, 29918, 4882, 1159, 13, 13, 2 ]
resource/pypi/cffi-1.9.1/demo/api.py
hipnusleo/Laserjet
0
67486
<gh_stars>0 import cffi from cffi import FFI class PythonFFI(FFI): def __init__(self, backend=None): FFI.__init__(self, backend=backend) self._pyexports = {} def pyexport(self, signature): tp = self._typeof(signature, consider_function_as_funcptr=True) def decorator(func): name = func.__name__ if name in self._pyexports: raise cffi.CDefError("duplicate pyexport'ed function %r" % (name,)) callback_var = self.getctype(tp, name) self.cdef("%s;" % callback_var) self._pyexports[name] = _PyExport(tp, func) return decorator def verify(self, source='', **kwargs): extras = [] pyexports = sorted(self._pyexports.items()) for name, export in pyexports: callback_var = self.getctype(export.tp, name) extras.append("%s;" % callback_var) extras.append(source) source = '\n'.join(extras) lib = FFI.verify(self, source, **kwargs) for name, export in pyexports: cb = self.callback(export.tp, export.func) export.cb = cb setattr(lib, name, cb) return lib class _PyExport(object): def __init__(self, tp, func): self.tp = tp self.func = func if __name__ == '__main__': ffi = PythonFFI() @ffi.pyexport("int(int)") def add1(n): print n return n + 1 ffi.cdef(""" int f(int); """) lib = ffi.verify(""" int f(int x) { return add1(add1(x)); } """) assert lib.f(5) == 7
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 5215, 274, 600, 29875, 30004, 13, 3166, 274, 600, 29875, 1053, 383, 3738, 30004, 13, 30004, 13, 1990, 5132, 29943, 3738, 29898, 29943, 3738, 1125, 30004, 13, 30004, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 14998, 29922, 8516, 1125, 30004, 13, 4706, 383, 3738, 17255, 2344, 12035, 1311, 29892, 14998, 29922, 27852, 8443, 13, 4706, 1583, 3032, 2272, 26500, 353, 6571, 30004, 13, 30004, 13, 1678, 822, 11451, 15843, 29898, 1311, 29892, 12608, 1125, 30004, 13, 4706, 260, 29886, 353, 1583, 3032, 18059, 29898, 4530, 1535, 29892, 2050, 29918, 2220, 29918, 294, 29918, 9891, 7414, 29922, 5574, 8443, 13, 4706, 822, 10200, 1061, 29898, 9891, 1125, 30004, 13, 9651, 1024, 353, 3653, 17255, 978, 1649, 30004, 13, 9651, 565, 1024, 297, 1583, 3032, 2272, 26500, 29901, 30004, 13, 18884, 12020, 274, 600, 29875, 29889, 29907, 3206, 2392, 703, 20908, 5926, 11451, 15843, 29915, 287, 740, 1273, 29878, 19451, 13, 462, 462, 268, 1273, 313, 978, 29892, 876, 30004, 13, 9651, 6939, 29918, 1707, 353, 1583, 29889, 657, 312, 668, 29898, 9392, 29892, 1024, 8443, 13, 9651, 1583, 29889, 29883, 1753, 11702, 29879, 15458, 1273, 6939, 29918, 1707, 8443, 13, 9651, 1583, 3032, 2272, 26500, 29961, 978, 29962, 353, 903, 19737, 26382, 29898, 9392, 29892, 3653, 8443, 13, 4706, 736, 10200, 1061, 30004, 13, 30004, 13, 1678, 822, 11539, 29898, 1311, 29892, 2752, 2433, 742, 3579, 19290, 1125, 30004, 13, 4706, 429, 10678, 353, 5159, 30004, 13, 4706, 11451, 26500, 353, 12705, 29898, 1311, 3032, 2272, 26500, 29889, 7076, 3101, 30004, 13, 4706, 363, 1024, 29892, 5609, 297, 11451, 26500, 29901, 30004, 13, 9651, 6939, 29918, 1707, 353, 1583, 29889, 657, 312, 668, 29898, 15843, 29889, 9392, 29892, 1024, 8443, 13, 9651, 429, 10678, 29889, 4397, 11702, 29879, 15458, 1273, 6939, 29918, 1707, 8443, 13, 4706, 429, 10678, 29889, 4397, 29898, 4993, 8443, 13, 4706, 2752, 353, 11297, 29876, 4286, 7122, 29898, 1062, 3417, 8443, 13, 4706, 4303, 353, 383, 3738, 29889, 27902, 29898, 1311, 29892, 2752, 29892, 3579, 19290, 8443, 13, 4706, 363, 1024, 29892, 5609, 297, 11451, 26500, 29901, 30004, 13, 9651, 26324, 353, 1583, 29889, 14035, 29898, 15843, 29889, 9392, 29892, 5609, 29889, 9891, 8443, 13, 9651, 5609, 29889, 10702, 353, 26324, 30004, 13, 9651, 731, 5552, 29898, 1982, 29892, 1024, 29892, 26324, 8443, 13, 4706, 736, 4303, 30004, 13, 30004, 13, 30004, 13, 1990, 903, 19737, 26382, 29898, 3318, 1125, 30004, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 260, 29886, 29892, 3653, 1125, 30004, 13, 4706, 1583, 29889, 9392, 353, 260, 29886, 30004, 13, 4706, 1583, 29889, 9891, 353, 3653, 30004, 13, 30004, 13, 30004, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 30004, 13, 1678, 285, 7241, 353, 5132, 29943, 3738, 26471, 13, 30004, 13, 1678, 732, 600, 29875, 29889, 2272, 15843, 703, 524, 29898, 524, 25760, 30004, 13, 1678, 822, 788, 29896, 29898, 29876, 1125, 30004, 13, 4706, 1596, 302, 30004, 13, 4706, 736, 302, 718, 29871, 29896, 30004, 13, 30004, 13, 1678, 285, 7241, 29889, 29883, 1753, 703, 15945, 30004, 13, 4706, 938, 285, 29898, 524, 6075, 13, 1678, 5124, 1159, 30004, 13, 30004, 13, 1678, 4303, 353, 285, 7241, 29889, 27902, 703, 15945, 30004, 13, 4706, 938, 285, 29898, 524, 921, 29897, 3336, 13, 9651, 736, 788, 29896, 29898, 1202, 29896, 29898, 29916, 2483, 30004, 13, 4706, 4970, 13, 1678, 5124, 1159, 30004, 13, 30004, 13, 1678, 4974, 4303, 29889, 29888, 29898, 29945, 29897, 1275, 29871, 29955, 30004, 13, 2 ]
ReLERNN/imports.py
peterdfields/ReLERNN
14
40829
import glob import pickle import sys import msprime as msp import numpy as np import os import multiprocessing as mp import shutil import random import copy import argparse import h5py import allel import time from sklearn.neighbors import NearestNeighbors from sklearn.utils import resample import matplotlib as mpl mpl.use('pdf') import matplotlib.pyplot as plt import tensorflow as tf from tensorflow.keras import layers from tensorflow.keras.models import Model, model_from_json from tensorflow.keras.callbacks import EarlyStopping, ModelCheckpoint, TerminateOnNaN
[ 1, 1053, 13149, 13, 5215, 5839, 280, 13, 5215, 10876, 13, 5215, 10887, 10080, 408, 286, 1028, 13, 5215, 12655, 408, 7442, 13, 5215, 2897, 13, 5215, 6674, 307, 985, 292, 408, 22326, 13, 5215, 528, 4422, 13, 5215, 4036, 13, 5215, 3509, 13, 5215, 1852, 5510, 13, 5215, 298, 29945, 2272, 13, 5215, 4788, 29880, 13, 5215, 931, 13, 13, 3166, 2071, 19668, 29889, 484, 1141, 29890, 943, 1053, 26206, 342, 8139, 1141, 29890, 943, 13, 3166, 2071, 19668, 29889, 13239, 1053, 620, 981, 13, 13, 5215, 22889, 408, 286, 572, 13, 29885, 572, 29889, 1509, 877, 5140, 1495, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 13, 13, 5215, 26110, 408, 15886, 13, 3166, 26110, 29889, 3946, 294, 1053, 15359, 13, 3166, 26110, 29889, 3946, 294, 29889, 9794, 1053, 8125, 29892, 1904, 29918, 3166, 29918, 3126, 13, 3166, 26110, 29889, 3946, 294, 29889, 14035, 29879, 1053, 11095, 20754, 3262, 29892, 8125, 5596, 3149, 29892, 11814, 16976, 2951, 19377, 13, 2 ]
get_episodes.py
sam-drew/random-episodes
0
157092
<gh_stars>0 from selenium import webdriver import time def log_id(ID): f = open("IDs.txt", "a") f.write((str((ID + "\n")))) f.close() print("Logging ID: " + ID) def strip_id(url): splitString = url.rsplit("?", 1) splitString = splitString[0].rsplit("/") ep_id = splitString[len(splitString) - 1] return(ep_id) driver = webdriver.Chrome('/home/user/Downloads/chromedriver') last_id = "80006978" driver.get("https://www.netflix.com/watch/80006978") # Really really hacky way of getting credentials set. User has 42 seconds to # log in and return to ep1 URL. time.sleep(40) print("I AM AWAKE.\n2 seconds remaining.\nMake sure you're on ep1 page.") time.sleep(2) # User manualy clicks through the episodes until reaches S9E24. Logs as url # changes. while last_id != "80144357": if strip_id(driver.current_url) != last_id: log_id(strip_id(driver.current_url)) last_id = strip_id(driver.current_url) driver.quit()
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 3166, 18866, 1053, 1856, 9465, 13, 5215, 931, 13, 13, 1753, 1480, 29918, 333, 29898, 1367, 1125, 13, 1678, 285, 353, 1722, 703, 1367, 29879, 29889, 3945, 613, 376, 29874, 1159, 13, 1678, 285, 29889, 3539, 3552, 710, 3552, 1367, 718, 6634, 29876, 5783, 876, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 1596, 703, 3403, 3460, 3553, 29901, 376, 718, 3553, 29897, 13, 13, 1753, 17820, 29918, 333, 29898, 2271, 1125, 13, 1678, 6219, 1231, 353, 3142, 29889, 2288, 2830, 703, 29973, 613, 29871, 29896, 29897, 13, 1678, 6219, 1231, 353, 6219, 1231, 29961, 29900, 1822, 2288, 2830, 11974, 1159, 13, 1678, 9358, 29918, 333, 353, 6219, 1231, 29961, 2435, 29898, 5451, 1231, 29897, 448, 29871, 29896, 29962, 13, 1678, 736, 29898, 1022, 29918, 333, 29897, 13, 13, 9465, 353, 1856, 9465, 29889, 1451, 4871, 11219, 5184, 29914, 1792, 29914, 6767, 18132, 29914, 27433, 287, 3511, 1495, 13, 4230, 29918, 333, 353, 376, 29947, 29900, 29900, 29900, 29953, 29929, 29955, 29947, 29908, 13, 9465, 29889, 657, 703, 991, 597, 1636, 29889, 1212, 20157, 29916, 29889, 510, 29914, 12344, 29914, 29947, 29900, 29900, 29900, 29953, 29929, 29955, 29947, 1159, 13, 13, 29937, 830, 635, 2289, 15833, 29891, 982, 310, 2805, 16140, 731, 29889, 4911, 756, 29871, 29946, 29906, 6923, 304, 13, 29937, 1480, 297, 322, 736, 304, 9358, 29896, 3988, 29889, 13, 2230, 29889, 17059, 29898, 29946, 29900, 29897, 13, 2158, 703, 29902, 13862, 319, 12982, 6059, 7790, 29876, 29906, 6923, 9886, 7790, 29876, 9984, 1854, 366, 29915, 276, 373, 9358, 29896, 1813, 23157, 13, 2230, 29889, 17059, 29898, 29906, 29897, 13, 13, 29937, 4911, 12219, 29891, 19367, 1549, 278, 23238, 2745, 22170, 317, 29929, 29923, 29906, 29946, 29889, 4522, 29879, 408, 3142, 13, 29937, 3620, 29889, 13, 8000, 1833, 29918, 333, 2804, 376, 29947, 29900, 29896, 29946, 29946, 29941, 29945, 29955, 1115, 13, 1678, 565, 17820, 29918, 333, 29898, 9465, 29889, 3784, 29918, 2271, 29897, 2804, 1833, 29918, 333, 29901, 13, 4706, 1480, 29918, 333, 29898, 17010, 29918, 333, 29898, 9465, 29889, 3784, 29918, 2271, 876, 13, 4706, 1833, 29918, 333, 353, 17820, 29918, 333, 29898, 9465, 29889, 3784, 29918, 2271, 29897, 13, 13, 9465, 29889, 28358, 580, 13, 2 ]
lesson7/exercise1b.py
mfeindt0705/pynetmf
0
186628
#!/usr/bin/nv python3 from lxml import etree f = open("show_security_zones.xml") lines = f.read() my_xml = etree.fromstring(lines) bstring = etree.tostring(my_xml) print(bstring.decode())
[ 1, 18787, 4855, 29914, 2109, 29914, 29876, 29894, 3017, 29941, 13, 13, 13, 3166, 301, 3134, 1053, 634, 929, 13, 13, 29888, 353, 1722, 703, 4294, 29918, 8926, 29918, 29920, 2873, 29889, 3134, 1159, 13, 13, 9012, 353, 285, 29889, 949, 580, 13, 1357, 29918, 3134, 353, 634, 929, 29889, 3166, 1807, 29898, 9012, 29897, 13, 29890, 1807, 353, 634, 929, 29889, 517, 1807, 29898, 1357, 29918, 3134, 29897, 13, 2158, 29898, 29890, 1807, 29889, 13808, 3101, 13, 13, 13, 2 ]
flaskbb/utils/helpers.py
konstantin1985/forum
0
114305
<filename>flaskbb/utils/helpers.py # -*- coding: utf-8 -*- """ flaskbb.utils.helpers ~~~~~~~~~~~~~~~~~~~~ A few helpers that are used by flaskbb :copyright: (c) 2014 by the FlaskBB Team. :license: BSD, see LICENSE for more details. """ import re import time import itertools import operator import struct from io import BytesIO from datetime import datetime, timedelta import requests import unidecode from flask import session, url_for, flash from jinja2 import Markup from babel.dates import format_timedelta from flask_babelplus import lazy_gettext as _ from flask_themes2 import render_theme_template from flask_login import current_user from flaskbb._compat import range_method, text_type from flaskbb.extensions import redis_store from flaskbb.utils.settings import flaskbb_config from flaskbb.utils.markup import markdown from flask_allows import Permission _punct_re = re.compile(r'[\t !"#$%&\'()*\-/<=>?@\[\\\]^_`{|},.]+') def slugify(text, delim=u'-'): """Generates an slightly worse ASCII-only slug. Taken from the Flask Snippets page. :param text: The text which should be slugified :param delim: Default "-". The delimeter for whitespace """ text = unidecode.unidecode(text) result = [] for word in _punct_re.split(text.lower()): if word: result.append(word) return text_type(delim.join(result)) def render_template(template, **context): # pragma: no cover """A helper function that uses the `render_theme_template` function without needing to edit all the views """ if current_user.is_authenticated and current_user.theme: theme = current_user.theme else: theme = session.get('theme', flaskbb_config['DEFAULT_THEME']) return render_theme_template(theme, template, **context) def do_topic_action(topics, user, action, reverse): """Executes a specific action for topics. Returns a list with the modified topic objects. :param topics: A iterable with ``Topic`` objects. :param user: The user object which wants to perform the action. :param action: One of the following actions: locked, important and delete. :param reverse: If the action should be done in a reversed way. For example, to unlock a topic, ``reverse`` should be set to ``True``. """ from flaskbb.utils.requirements import IsAtleastModeratorInForum, CanDeleteTopic from flaskbb.user.models import User from flaskbb.forum.models import Post if not Permission(IsAtleastModeratorInForum(forum=topics[0].forum)): flash(_("You do not have the permissions to execute this " "action."), "danger") return False modified_topics = 0 if action != "delete": for topic in topics: if getattr(topic, action) and not reverse: continue setattr(topic, action, not reverse) modified_topics += 1 topic.save() elif action == "delete": for topic in topics: if not Permission(CanDeleteTopic): flash(_("You do not have the permissions to delete this " "topic."), "danger") return False involved_users = User.query.filter(Post.topic_id == topic.id, User.id == Post.user_id).all() modified_topics += 1 topic.delete(involved_users) return modified_topics def get_categories_and_forums(query_result, user): """Returns a list with categories. Every category has a list for all their associated forums. The structure looks like this:: [(<Category 1>, [(<Forum 1>, None), (<Forum 2>, <flaskbb.forum.models.ForumsRead at 0x38fdb50>)]), (<Category 2>, [(<Forum 3>, None), (<Forum 4>, None)])] and to unpack the values you can do this:: In [110]: for category, forums in x: .....: print category .....: for forum, forumsread in forums: .....: print "\t", forum, forumsread This will print something like this: <Category 1> <Forum 1> None <Forum 2> <flaskbb.forum.models.ForumsRead object at 0x38fdb50> <Category 2> <Forum 3> None <Forum 4> None :param query_result: A tuple (KeyedTuple) with all categories and forums :param user: The user object is needed because a signed out user does not have the ForumsRead relation joined. """ it = itertools.groupby(query_result, operator.itemgetter(0)) forums = [] if user.is_authenticated: for key, value in it: forums.append((key, [(item[1], item[2]) for item in value])) else: for key, value in it: forums.append((key, [(item[1], None) for item in value])) return forums def get_forums(query_result, user): """Returns a tuple which contains the category and the forums as list. This is the counterpart for get_categories_and_forums and especially usefull when you just need the forums for one category. For example:: (<Category 2>, [(<Forum 3>, None), (<Forum 4>, None)]) :param query_result: A tuple (KeyedTuple) with all categories and forums :param user: The user object is needed because a signed out user does not have the ForumsRead relation joined. """ it = itertools.groupby(query_result, operator.itemgetter(0)) if user.is_authenticated: for key, value in it: forums = key, [(item[1], item[2]) for item in value] else: for key, value in it: forums = key, [(item[1], None) for item in value] return forums def forum_is_unread(forum, forumsread, user): """Checks if a forum is unread :param forum: The forum that should be checked if it is unread :param forumsread: The forumsread object for the forum :param user: The user who should be checked if he has read the forum """ # If the user is not signed in, every forum is marked as read if not user.is_authenticated: return False read_cutoff = datetime.utcnow() - timedelta( days=flaskbb_config["TRACKER_LENGTH"]) # disable tracker if TRACKER_LENGTH is set to 0 if flaskbb_config["TRACKER_LENGTH"] == 0: return False # If there are no topics in the forum, mark it as read if forum and forum.topic_count == 0: return False # If the user hasn't visited a topic in the forum - therefore, # forumsread is None and we need to check if it is still unread if forum and not forumsread: return forum.last_post_created > read_cutoff try: # check if the forum has been cleared and if there is a new post # since it have been cleared if forum.last_post_created > forumsread.cleared: if forum.last_post_created < forumsread.last_read: return False except TypeError: pass # else just check if the user has read the last post return forum.last_post_created > forumsread.last_read def topic_is_unread(topic, topicsread, user, forumsread=None): """Checks if a topic is unread. :param topic: The topic that should be checked if it is unread :param topicsread: The topicsread object for the topic :param user: The user who should be checked if he has read the last post in the topic :param forumsread: The forumsread object in which the topic is. If you also want to check if the user has marked the forum as read, than you will also need to pass an forumsread object. """ if not user.is_authenticated: return False read_cutoff = datetime.utcnow() - timedelta( days=flaskbb_config["TRACKER_LENGTH"]) # disable tracker if read_cutoff is set to 0 if flaskbb_config["TRACKER_LENGTH"] == 0: return False # check read_cutoff if topic.last_post.date_created < read_cutoff: return False # topicsread is none if the user has marked the forum as read # or if he hasn't visited yet if topicsread is None: # user has cleared the forum sometime ago - check if there is a new post if forumsread and forumsread.cleared is not None: return forumsread.cleared < topic.last_post.date_created # user hasn't read the topic yet, or there is a new post since the user # has marked the forum as read return True # check if there is a new post since the user's last topic visit return topicsread.last_read < topic.last_post.date_created def mark_online(user_id, guest=False): # pragma: no cover """Marks a user as online :param user_id: The id from the user who should be marked as online :param guest: If set to True, it will add the user to the guest activity instead of the user activity. Ref: http://flask.pocoo.org/snippets/71/ """ now = int(time.time()) expires = now + (flaskbb_config['ONLINE_LAST_MINUTES'] * 60) + 10 if guest: all_users_key = 'online-guests/%d' % (now // 60) user_key = 'guest-activity/%s' % user_id else: all_users_key = 'online-users/%d' % (now // 60) user_key = 'user-activity/%s' % user_id p = redis_store.pipeline() p.sadd(all_users_key, user_id) p.set(user_key, now) p.expireat(all_users_key, expires) p.expireat(user_key, expires) p.execute() def get_online_users(guest=False): # pragma: no cover """Returns all online users within a specified time range :param guest: If True, it will return the online guests """ current = int(time.time()) // 60 minutes = range_method(flaskbb_config['ONLINE_LAST_MINUTES']) if guest: return redis_store.sunion(['online-guests/%d' % (current - x) for x in minutes]) return redis_store.sunion(['online-users/%d' % (current - x) for x in minutes]) def crop_title(title, length=None, suffix="..."): """Crops the title to a specified length :param title: The title that should be cropped :param suffix: The suffix which should be appended at the end of the title. """ length = flaskbb_config['TITLE_LENGTH'] if length is None else length if len(title) <= length: return title return title[:length].rsplit(' ', 1)[0] + suffix def render_markup(text): """Renders the given text as markdown :param text: The text that should be rendered as markdown """ return Markup(markdown.render(text)) def is_online(user): """A simple check to see if the user was online within a specified time range :param user: The user who needs to be checked """ return user.lastseen >= time_diff() def time_diff(): """Calculates the time difference between now and the ONLINE_LAST_MINUTES variable from the configuration. """ now = datetime.utcnow() diff = now - timedelta(minutes=flaskbb_config['ONLINE_LAST_MINUTES']) return diff def format_date(value, format='%Y-%m-%d'): """Returns a formatted time string :param value: The datetime object that should be formatted :param format: How the result should look like. A full list of available directives is here: http://goo.gl/gNxMHE """ return value.strftime(format) def time_since(time): # pragma: no cover """Returns a string representing time since e.g. 3 days ago, 5 hours ago. :param time: A datetime object """ delta = time - datetime.utcnow() locale = "en" if current_user.is_authenticated and current_user.language is not None: locale = current_user.language return format_timedelta(delta, add_direction=True, locale=locale) def format_quote(username, content): """Returns a formatted quote depending on the markup language. :param username: The username of a user. :param content: The content of the quote """ profile_url = url_for('user.profile', username=username) content = "\n> ".join(content.strip().split('\n')) quote = u"**[{username}]({profile_url}) wrote:**\n> {content}\n".\ format(username=username, profile_url=profile_url, content=content) return quote def get_image_info(url): """Returns the content-type, image size (kb), height and width of a image without fully downloading it. It will just download the first 1024 bytes. LICENSE: New BSD License (taken from the start page of the repository) https://code.google.com/p/bfg-pages/source/browse/trunk/pages/getimageinfo.py """ r = requests.get(url, stream=True) image_size = r.headers.get("content-length") image_size = float(image_size) / 1000 # in kilobyte data = r.raw.read(1024) size = len(data) height = -1 width = -1 content_type = '' if size: size = int(size) # handle GIFs if (size >= 10) and data[:6] in (b'GIF87a', b'GIF89a'): # Check to see if content_type is correct content_type = 'image/gif' w, h = struct.unpack(b'<HH', data[6:10]) width = int(w) height = int(h) # See PNG 2. Edition spec (http://www.w3.org/TR/PNG/) # Bytes 0-7 are below, 4-byte chunk length, then 'IHDR' # and finally the 4-byte width, height elif ((size >= 24) and data.startswith(b'\211PNG\r\n\032\n') and (data[12:16] == b'IHDR')): content_type = 'image/png' w, h = struct.unpack(b">LL", data[16:24]) width = int(w) height = int(h) # Maybe this is for an older PNG version. elif (size >= 16) and data.startswith(b'\211PNG\r\n\032\n'): # Check to see if we have the right content type content_type = 'image/png' w, h = struct.unpack(b">LL", data[8:16]) width = int(w) height = int(h) # handle JPEGs elif (size >= 2) and data.startswith(b'\377\330'): content_type = 'image/jpeg' jpeg = BytesIO(data) jpeg.read(2) b = jpeg.read(1) try: while (b and ord(b) != 0xDA): while (ord(b) != 0xFF): b = jpeg.read(1) while (ord(b) == 0xFF): b = jpeg.read(1) if (ord(b) >= 0xC0 and ord(b) <= 0xC3): jpeg.read(3) h, w = struct.unpack(b">HH", jpeg.read(4)) break else: jpeg.read(int(struct.unpack(b">H", jpeg.read(2))[0])-2) b = jpeg.read(1) width = int(w) height = int(h) except struct.error: pass except ValueError: pass return {"content-type": content_type, "size": image_size, "width": width, "height": height} def check_image(url): """A little wrapper for the :func:`get_image_info` function. If the image doesn't match the ``flaskbb_config`` settings it will return a tuple with a the first value is the custom error message and the second value ``False`` for not passing the check. If the check is successful, it will return ``None`` for the error message and ``True`` for the passed check. :param url: The image url to be checked. """ img_info = get_image_info(url) error = None if not img_info["content-type"] in flaskbb_config["AVATAR_TYPES"]: error = "Image type is not allowed. Allowed types are: {}".format( ", ".join(flaskbb_config["AVATAR_TYPES"]) ) return error, False if img_info["width"] > flaskbb_config["AVATAR_WIDTH"]: error = "Image is too wide! {}px width is allowed.".format( flaskbb_config["AVATAR_WIDTH"] ) return error, False if img_info["height"] > flaskbb_config["AVATAR_HEIGHT"]: error = "Image is too high! {}px height is allowed.".format( flaskbb_config["AVATAR_HEIGHT"] ) return error, False if img_info["size"] > flaskbb_config["AVATAR_SIZE"]: error = "Image is too big! {}kb are allowed.".format( flaskbb_config["AVATAR_SIZE"] ) return error, False return error, True
[ 1, 529, 9507, 29958, 1579, 1278, 1327, 29914, 13239, 29914, 3952, 6774, 29889, 2272, 13, 29937, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 15945, 29908, 13, 1678, 29784, 1327, 29889, 13239, 29889, 3952, 6774, 13, 1678, 3695, 26594, 26594, 7377, 30022, 13, 13, 1678, 319, 2846, 1371, 414, 393, 526, 1304, 491, 29784, 1327, 13, 13, 1678, 584, 8552, 1266, 29901, 313, 29883, 29897, 29871, 29906, 29900, 29896, 29946, 491, 278, 2379, 1278, 14388, 8583, 29889, 13, 1678, 584, 506, 1947, 29901, 350, 7230, 29892, 1074, 365, 2965, 1430, 1660, 363, 901, 4902, 29889, 13, 15945, 29908, 13, 5215, 337, 13, 5215, 931, 13, 5215, 4256, 8504, 13, 5215, 5455, 13, 5215, 2281, 13, 3166, 12013, 1053, 2648, 2167, 5971, 13, 3166, 12865, 1053, 12865, 29892, 5335, 287, 2554, 13, 13, 5215, 7274, 13, 5215, 443, 680, 401, 13, 3166, 29784, 1053, 4867, 29892, 3142, 29918, 1454, 29892, 11013, 13, 3166, 432, 262, 1764, 29906, 1053, 4485, 786, 13, 3166, 289, 1107, 29889, 15190, 1053, 3402, 29918, 9346, 287, 2554, 13, 3166, 29784, 29918, 28727, 11242, 1053, 17366, 29918, 657, 726, 408, 903, 13, 3166, 29784, 29918, 386, 13826, 29906, 1053, 4050, 29918, 18193, 29918, 6886, 13, 3166, 29784, 29918, 7507, 1053, 1857, 29918, 1792, 13, 13, 3166, 29784, 1327, 3032, 12667, 1053, 3464, 29918, 5696, 29892, 1426, 29918, 1853, 13, 3166, 29784, 1327, 29889, 24299, 1053, 29825, 29918, 8899, 13, 3166, 29784, 1327, 29889, 13239, 29889, 11027, 1053, 29784, 1327, 29918, 2917, 13, 3166, 29784, 1327, 29889, 13239, 29889, 3502, 786, 1053, 2791, 3204, 13, 3166, 29784, 29918, 497, 1242, 1053, 20894, 2333, 13, 13, 29918, 29886, 18049, 29918, 276, 353, 337, 29889, 12198, 29898, 29878, 29915, 7110, 29873, 1738, 29908, 29937, 29938, 29995, 11035, 29915, 580, 17710, 29899, 29914, 29966, 4261, 29973, 29992, 29905, 29961, 1966, 18899, 29985, 29918, 29952, 28437, 1118, 5586, 29974, 1495, 13, 13, 13, 1753, 2243, 688, 1598, 29898, 726, 29892, 628, 326, 29922, 29884, 28560, 29374, 13, 1678, 9995, 5631, 1078, 385, 10029, 15029, 27196, 29899, 6194, 2243, 688, 29889, 13, 1678, 323, 9424, 515, 278, 2379, 1278, 317, 1240, 27421, 1813, 29889, 13, 13, 259, 584, 3207, 1426, 29901, 450, 1426, 607, 881, 367, 2243, 688, 2164, 13, 259, 584, 3207, 628, 326, 29901, 13109, 11663, 1642, 450, 628, 14772, 363, 24358, 13, 1678, 9995, 13, 1678, 1426, 353, 443, 680, 401, 29889, 348, 680, 401, 29898, 726, 29897, 13, 1678, 1121, 353, 5159, 13, 1678, 363, 1734, 297, 903, 29886, 18049, 29918, 276, 29889, 5451, 29898, 726, 29889, 13609, 580, 1125, 13, 4706, 565, 1734, 29901, 13, 9651, 1121, 29889, 4397, 29898, 1742, 29897, 13, 1678, 736, 1426, 29918, 1853, 29898, 6144, 326, 29889, 7122, 29898, 2914, 876, 13, 13, 13, 1753, 4050, 29918, 6886, 29898, 6886, 29892, 3579, 4703, 1125, 29871, 396, 282, 23929, 29901, 694, 4612, 13, 1678, 9995, 29909, 16876, 740, 393, 3913, 278, 421, 9482, 29918, 18193, 29918, 6886, 29952, 740, 13, 1678, 1728, 817, 292, 304, 3863, 599, 278, 8386, 13, 1678, 9995, 13, 1678, 565, 1857, 29918, 1792, 29889, 275, 29918, 27218, 630, 322, 1857, 29918, 1792, 29889, 18193, 29901, 13, 4706, 10929, 353, 1857, 29918, 1792, 29889, 18193, 13, 1678, 1683, 29901, 13, 4706, 10929, 353, 4867, 29889, 657, 877, 18193, 742, 29784, 1327, 29918, 2917, 1839, 23397, 29918, 28350, 2303, 11287, 13, 1678, 736, 4050, 29918, 18193, 29918, 6886, 29898, 18193, 29892, 4472, 29892, 3579, 4703, 29897, 13, 13, 13, 1753, 437, 29918, 13010, 29918, 2467, 29898, 3332, 1199, 29892, 1404, 29892, 3158, 29892, 11837, 1125, 13, 1678, 9995, 5379, 2667, 263, 2702, 3158, 363, 23820, 29889, 16969, 263, 1051, 411, 278, 9120, 13, 1678, 11261, 3618, 29889, 13, 13, 1678, 584, 3207, 23820, 29901, 319, 4256, 519, 411, 4954, 7031, 293, 16159, 3618, 29889, 13, 1678, 584, 3207, 1404, 29901, 450, 1404, 1203, 607, 10753, 304, 2189, 278, 3158, 29889, 13, 1678, 584, 3207, 3158, 29901, 3118, 310, 278, 1494, 8820, 29901, 22822, 29892, 4100, 322, 5217, 29889, 13, 1678, 584, 3207, 11837, 29901, 960, 278, 3158, 881, 367, 2309, 297, 263, 18764, 287, 982, 29889, 13, 462, 1678, 1152, 1342, 29892, 304, 443, 908, 263, 11261, 29892, 4954, 24244, 16159, 881, 367, 13, 462, 1678, 731, 304, 4954, 5574, 29952, 1412, 13, 1678, 9995, 13, 1678, 515, 29784, 1327, 29889, 13239, 29889, 12277, 1860, 1053, 1317, 4178, 280, 579, 2111, 261, 1061, 797, 2831, 398, 29892, 1815, 12498, 7031, 293, 13, 13, 1678, 515, 29784, 1327, 29889, 1792, 29889, 9794, 1053, 4911, 13, 1678, 515, 29784, 1327, 29889, 23343, 29889, 9794, 1053, 4918, 13, 13, 1678, 565, 451, 20894, 2333, 29898, 3624, 4178, 280, 579, 2111, 261, 1061, 797, 2831, 398, 29898, 23343, 29922, 3332, 1199, 29961, 29900, 1822, 23343, 22164, 13, 4706, 11013, 7373, 703, 3492, 437, 451, 505, 278, 11239, 304, 6222, 445, 376, 13, 18884, 376, 2467, 1213, 511, 376, 29881, 4600, 1159, 13, 4706, 736, 7700, 13, 13, 1678, 9120, 29918, 3332, 1199, 353, 29871, 29900, 13, 1678, 565, 3158, 2804, 376, 8143, 1115, 13, 13, 4706, 363, 11261, 297, 23820, 29901, 13, 9651, 565, 679, 5552, 29898, 13010, 29892, 3158, 29897, 322, 451, 11837, 29901, 13, 18884, 6773, 13, 13, 9651, 731, 5552, 29898, 13010, 29892, 3158, 29892, 451, 11837, 29897, 13, 9651, 9120, 29918, 3332, 1199, 4619, 29871, 29896, 13, 9651, 11261, 29889, 7620, 580, 13, 1678, 25342, 3158, 1275, 376, 8143, 1115, 13, 4706, 363, 11261, 297, 23820, 29901, 13, 9651, 565, 451, 20894, 2333, 29898, 6028, 12498, 7031, 293, 1125, 13, 18884, 11013, 7373, 703, 3492, 437, 451, 505, 278, 11239, 304, 5217, 445, 376, 13, 462, 4706, 376, 13010, 1213, 511, 376, 29881, 4600, 1159, 13, 18884, 736, 7700, 13, 13, 9651, 9701, 29918, 7193, 353, 4911, 29889, 1972, 29889, 4572, 29898, 6747, 29889, 13010, 29918, 333, 1275, 11261, 29889, 333, 29892, 13, 462, 462, 1669, 4911, 29889, 333, 1275, 4918, 29889, 1792, 29918, 333, 467, 497, 580, 13, 9651, 9120, 29918, 3332, 1199, 4619, 29871, 29896, 13, 9651, 11261, 29889, 8143, 29898, 262, 1555, 1490, 29918, 7193, 29897, 13, 13, 1678, 736, 9120, 29918, 3332, 1199, 13, 13, 13, 1753, 679, 29918, 20683, 29918, 392, 29918, 1454, 6762, 29898, 1972, 29918, 2914, 29892, 1404, 1125, 13, 1678, 9995, 11609, 29879, 263, 1051, 411, 13997, 29889, 7569, 7663, 756, 263, 1051, 363, 599, 13, 1678, 1009, 6942, 363, 6762, 29889, 13, 13, 1678, 450, 3829, 3430, 763, 445, 1057, 13, 4706, 17288, 29966, 10900, 29871, 29896, 10202, 13, 3986, 17288, 29966, 2831, 398, 29871, 29896, 10202, 6213, 511, 13, 965, 313, 29966, 2831, 398, 29871, 29906, 10202, 529, 1579, 1278, 1327, 29889, 23343, 29889, 9794, 29889, 2831, 6762, 6359, 472, 29871, 29900, 29916, 29941, 29947, 29888, 2585, 29945, 29900, 29958, 4638, 511, 13, 308, 313, 29966, 10900, 29871, 29906, 10202, 13, 3986, 17288, 29966, 2831, 398, 29871, 29941, 10202, 6213, 511, 13, 3986, 313, 29966, 2831, 398, 29871, 29946, 10202, 6213, 29897, 2314, 29962, 13, 13, 1678, 322, 304, 443, 4058, 278, 1819, 366, 508, 437, 445, 1057, 13, 4706, 512, 518, 29896, 29896, 29900, 5387, 363, 7663, 29892, 363, 6762, 297, 921, 29901, 13, 965, 6317, 856, 29901, 268, 1596, 7663, 13, 965, 6317, 856, 29901, 268, 363, 24179, 29892, 363, 6762, 949, 297, 363, 6762, 29901, 13, 965, 6317, 856, 29901, 308, 1596, 6634, 29873, 613, 24179, 29892, 363, 6762, 949, 13, 13, 259, 910, 674, 1596, 1554, 763, 445, 29901, 13, 4706, 529, 10900, 29871, 29896, 29958, 13, 9651, 529, 2831, 398, 29871, 29896, 29958, 6213, 13, 9651, 529, 2831, 398, 29871, 29906, 29958, 529, 1579, 1278, 1327, 29889, 23343, 29889, 9794, 29889, 2831, 6762, 6359, 1203, 472, 29871, 29900, 29916, 29941, 29947, 29888, 2585, 29945, 29900, 29958, 13, 4706, 529, 10900, 29871, 29906, 29958, 13, 9651, 529, 2831, 398, 29871, 29941, 29958, 6213, 13, 9651, 529, 2831, 398, 29871, 29946, 29958, 6213, 13, 13, 1678, 584, 3207, 2346, 29918, 2914, 29901, 319, 18761, 313, 2558, 287, 23215, 552, 29897, 411, 599, 13997, 322, 363, 6762, 13, 13, 1678, 584, 3207, 1404, 29901, 450, 1404, 1203, 338, 4312, 1363, 263, 8794, 714, 1404, 947, 451, 13, 462, 505, 278, 1152, 6762, 6359, 8220, 8772, 29889, 13, 1678, 9995, 13, 1678, 372, 353, 4256, 8504, 29889, 27789, 29898, 1972, 29918, 2914, 29892, 5455, 29889, 667, 657, 357, 29898, 29900, 876, 13, 13, 1678, 363, 6762, 353, 5159, 13, 13, 1678, 565, 1404, 29889, 275, 29918, 27218, 630, 29901, 13, 4706, 363, 1820, 29892, 995, 297, 372, 29901, 13, 9651, 363, 6762, 29889, 4397, 3552, 1989, 29892, 17288, 667, 29961, 29896, 1402, 2944, 29961, 29906, 2314, 363, 2944, 297, 995, 12622, 13, 1678, 1683, 29901, 13, 4706, 363, 1820, 29892, 995, 297, 372, 29901, 13, 9651, 363, 6762, 29889, 4397, 3552, 1989, 29892, 17288, 667, 29961, 29896, 1402, 6213, 29897, 363, 2944, 297, 995, 12622, 13, 13, 1678, 736, 363, 6762, 13, 13, 13, 1753, 679, 29918, 1454, 6762, 29898, 1972, 29918, 2914, 29892, 1404, 1125, 13, 1678, 9995, 11609, 29879, 263, 18761, 607, 3743, 278, 7663, 322, 278, 363, 6762, 408, 1051, 29889, 13, 1678, 910, 338, 278, 6795, 1595, 363, 679, 29918, 20683, 29918, 392, 29918, 1454, 6762, 322, 7148, 13, 1678, 671, 8159, 746, 366, 925, 817, 278, 363, 6762, 363, 697, 7663, 29889, 13, 13, 1678, 1152, 1342, 1057, 13, 4706, 313, 29966, 10900, 29871, 29906, 10202, 13, 3986, 17288, 29966, 2831, 398, 29871, 29941, 10202, 6213, 511, 13, 3986, 313, 29966, 2831, 398, 29871, 29946, 10202, 6213, 29897, 2314, 13, 13, 1678, 584, 3207, 2346, 29918, 2914, 29901, 319, 18761, 313, 2558, 287, 23215, 552, 29897, 411, 599, 13997, 322, 363, 6762, 13, 13, 1678, 584, 3207, 1404, 29901, 450, 1404, 1203, 338, 4312, 1363, 263, 8794, 714, 1404, 947, 451, 13, 462, 505, 278, 1152, 6762, 6359, 8220, 8772, 29889, 13, 1678, 9995, 13, 1678, 372, 353, 4256, 8504, 29889, 27789, 29898, 1972, 29918, 2914, 29892, 5455, 29889, 667, 657, 357, 29898, 29900, 876, 13, 13, 1678, 565, 1404, 29889, 275, 29918, 27218, 630, 29901, 13, 4706, 363, 1820, 29892, 995, 297, 372, 29901, 13, 9651, 363, 6762, 353, 1820, 29892, 17288, 667, 29961, 29896, 1402, 2944, 29961, 29906, 2314, 363, 2944, 297, 995, 29962, 13, 1678, 1683, 29901, 13, 4706, 363, 1820, 29892, 995, 297, 372, 29901, 13, 9651, 363, 6762, 353, 1820, 29892, 17288, 667, 29961, 29896, 1402, 6213, 29897, 363, 2944, 297, 995, 29962, 13, 13, 1678, 736, 363, 6762, 13, 13, 13, 1753, 24179, 29918, 275, 29918, 348, 949, 29898, 23343, 29892, 363, 6762, 949, 29892, 1404, 1125, 13, 1678, 9995, 5596, 29879, 565, 263, 24179, 338, 443, 949, 13, 13, 1678, 584, 3207, 24179, 29901, 450, 24179, 393, 881, 367, 7120, 565, 372, 338, 443, 949, 13, 13, 1678, 584, 3207, 363, 6762, 949, 29901, 450, 363, 6762, 949, 1203, 363, 278, 24179, 13, 13, 1678, 584, 3207, 1404, 29901, 450, 1404, 1058, 881, 367, 7120, 565, 540, 756, 1303, 278, 24179, 13, 1678, 9995, 13, 1678, 396, 960, 278, 1404, 338, 451, 8794, 297, 29892, 1432, 24179, 338, 10902, 408, 1303, 13, 1678, 565, 451, 1404, 29889, 275, 29918, 27218, 630, 29901, 13, 4706, 736, 7700, 13, 13, 1678, 1303, 29918, 7582, 2696, 353, 12865, 29889, 329, 29883, 3707, 580, 448, 5335, 287, 2554, 29898, 13, 4706, 3841, 29922, 1579, 1278, 1327, 29918, 2917, 3366, 5659, 11375, 1001, 29918, 19433, 20068, 13, 13, 1678, 396, 11262, 1020, 4937, 565, 10014, 11375, 1001, 29918, 19433, 338, 731, 304, 29871, 29900, 13, 1678, 565, 29784, 1327, 29918, 2917, 3366, 5659, 11375, 1001, 29918, 19433, 3108, 1275, 29871, 29900, 29901, 13, 4706, 736, 7700, 13, 13, 1678, 396, 960, 727, 526, 694, 23820, 297, 278, 24179, 29892, 2791, 372, 408, 1303, 13, 1678, 565, 24179, 322, 24179, 29889, 13010, 29918, 2798, 1275, 29871, 29900, 29901, 13, 4706, 736, 7700, 13, 13, 1678, 396, 960, 278, 1404, 22602, 29915, 29873, 16669, 263, 11261, 297, 278, 24179, 448, 5480, 29892, 13, 1678, 396, 363, 6762, 949, 338, 6213, 322, 591, 817, 304, 1423, 565, 372, 338, 1603, 443, 949, 13, 1678, 565, 24179, 322, 451, 363, 6762, 949, 29901, 13, 4706, 736, 24179, 29889, 4230, 29918, 2490, 29918, 11600, 1405, 1303, 29918, 7582, 2696, 13, 13, 1678, 1018, 29901, 13, 4706, 396, 1423, 565, 278, 24179, 756, 1063, 24639, 322, 565, 727, 338, 263, 716, 1400, 13, 4706, 396, 1951, 372, 505, 1063, 24639, 13, 4706, 565, 24179, 29889, 4230, 29918, 2490, 29918, 11600, 1405, 363, 6762, 949, 29889, 2841, 1965, 29901, 13, 9651, 565, 24179, 29889, 4230, 29918, 2490, 29918, 11600, 529, 363, 6762, 949, 29889, 4230, 29918, 949, 29901, 13, 18884, 736, 7700, 13, 1678, 5174, 20948, 29901, 13, 4706, 1209, 13, 13, 1678, 396, 1683, 925, 1423, 565, 278, 1404, 756, 1303, 278, 1833, 1400, 13, 1678, 736, 24179, 29889, 4230, 29918, 2490, 29918, 11600, 1405, 363, 6762, 949, 29889, 4230, 29918, 949, 13, 13, 13, 1753, 11261, 29918, 275, 29918, 348, 949, 29898, 13010, 29892, 23820, 949, 29892, 1404, 29892, 363, 6762, 949, 29922, 8516, 1125, 13, 1678, 9995, 5596, 29879, 565, 263, 11261, 338, 443, 949, 29889, 13, 13, 1678, 584, 3207, 11261, 29901, 450, 11261, 393, 881, 367, 7120, 565, 372, 338, 443, 949, 13, 13, 1678, 584, 3207, 23820, 949, 29901, 450, 23820, 949, 1203, 363, 278, 11261, 13, 13, 1678, 584, 3207, 1404, 29901, 450, 1404, 1058, 881, 367, 7120, 565, 540, 756, 1303, 278, 1833, 1400, 13, 462, 297, 278, 11261, 13, 13, 1678, 584, 3207, 363, 6762, 949, 29901, 450, 363, 6762, 949, 1203, 297, 607, 278, 11261, 338, 29889, 960, 366, 13, 462, 539, 884, 864, 304, 1423, 565, 278, 1404, 756, 10902, 278, 24179, 408, 13, 462, 539, 1303, 29892, 1135, 366, 674, 884, 817, 304, 1209, 385, 363, 6762, 949, 13, 462, 539, 1203, 29889, 13, 1678, 9995, 13, 1678, 565, 451, 1404, 29889, 275, 29918, 27218, 630, 29901, 13, 4706, 736, 7700, 13, 13, 1678, 1303, 29918, 7582, 2696, 353, 12865, 29889, 329, 29883, 3707, 580, 448, 5335, 287, 2554, 29898, 13, 4706, 3841, 29922, 1579, 1278, 1327, 29918, 2917, 3366, 5659, 11375, 1001, 29918, 19433, 20068, 13, 13, 1678, 396, 11262, 1020, 4937, 565, 1303, 29918, 7582, 2696, 338, 731, 304, 29871, 29900, 13, 1678, 565, 29784, 1327, 29918, 2917, 3366, 5659, 11375, 1001, 29918, 19433, 3108, 1275, 29871, 29900, 29901, 13, 4706, 736, 7700, 13, 13, 1678, 396, 1423, 1303, 29918, 7582, 2696, 13, 1678, 565, 11261, 29889, 4230, 29918, 2490, 29889, 1256, 29918, 11600, 529, 1303, 29918, 7582, 2696, 29901, 13, 4706, 736, 7700, 13, 13, 1678, 396, 23820, 949, 338, 5642, 565, 278, 1404, 756, 10902, 278, 24179, 408, 1303, 13, 1678, 396, 470, 565, 540, 22602, 29915, 29873, 16669, 3447, 13, 1678, 565, 23820, 949, 338, 6213, 29901, 13, 4706, 396, 1404, 756, 24639, 278, 24179, 1047, 5410, 8020, 448, 1423, 565, 727, 338, 263, 716, 1400, 13, 4706, 565, 363, 6762, 949, 322, 363, 6762, 949, 29889, 2841, 1965, 338, 451, 6213, 29901, 13, 9651, 736, 363, 6762, 949, 29889, 2841, 1965, 529, 11261, 29889, 4230, 29918, 2490, 29889, 1256, 29918, 11600, 13, 13, 4706, 396, 1404, 22602, 29915, 29873, 1303, 278, 11261, 3447, 29892, 470, 727, 338, 263, 716, 1400, 1951, 278, 1404, 13, 4706, 396, 756, 10902, 278, 24179, 408, 1303, 13, 4706, 736, 5852, 13, 13, 1678, 396, 1423, 565, 727, 338, 263, 716, 1400, 1951, 278, 1404, 29915, 29879, 1833, 11261, 6493, 13, 1678, 736, 23820, 949, 29889, 4230, 29918, 949, 529, 11261, 29889, 4230, 29918, 2490, 29889, 1256, 29918, 11600, 13, 13, 13, 1753, 2791, 29918, 14627, 29898, 1792, 29918, 333, 29892, 17838, 29922, 8824, 1125, 29871, 396, 282, 23929, 29901, 694, 4612, 13, 1678, 9995, 9802, 29879, 263, 1404, 408, 7395, 13, 13, 1678, 584, 3207, 1404, 29918, 333, 29901, 450, 1178, 515, 278, 1404, 1058, 881, 367, 10902, 408, 7395, 13, 13, 1678, 584, 3207, 17838, 29901, 960, 731, 304, 5852, 29892, 372, 674, 788, 278, 1404, 304, 278, 17838, 6354, 13, 462, 29871, 2012, 310, 278, 1404, 6354, 29889, 13, 13, 1678, 9897, 29901, 1732, 597, 1579, 1278, 29889, 29886, 542, 3634, 29889, 990, 29914, 29879, 1240, 27421, 29914, 29955, 29896, 29914, 13, 1678, 9995, 13, 1678, 1286, 353, 938, 29898, 2230, 29889, 2230, 3101, 13, 1678, 1518, 2658, 353, 1286, 718, 313, 1579, 1278, 1327, 29918, 2917, 1839, 1164, 18521, 29918, 4375, 1254, 29918, 16173, 2692, 2890, 2033, 334, 29871, 29953, 29900, 29897, 718, 29871, 29896, 29900, 13, 1678, 565, 17838, 29901, 13, 4706, 599, 29918, 7193, 29918, 1989, 353, 525, 14627, 29899, 2543, 9197, 22584, 29881, 29915, 1273, 313, 3707, 849, 29871, 29953, 29900, 29897, 13, 4706, 1404, 29918, 1989, 353, 525, 2543, 342, 29899, 10072, 22584, 29879, 29915, 1273, 1404, 29918, 333, 13, 1678, 1683, 29901, 13, 4706, 599, 29918, 7193, 29918, 1989, 353, 525, 14627, 29899, 7193, 22584, 29881, 29915, 1273, 313, 3707, 849, 29871, 29953, 29900, 29897, 13, 4706, 1404, 29918, 1989, 353, 525, 1792, 29899, 10072, 22584, 29879, 29915, 1273, 1404, 29918, 333, 13, 1678, 282, 353, 29825, 29918, 8899, 29889, 13096, 5570, 580, 13, 1678, 282, 29889, 29879, 1202, 29898, 497, 29918, 7193, 29918, 1989, 29892, 1404, 29918, 333, 29897, 13, 1678, 282, 29889, 842, 29898, 1792, 29918, 1989, 29892, 1286, 29897, 13, 1678, 282, 29889, 4548, 533, 271, 29898, 497, 29918, 7193, 29918, 1989, 29892, 1518, 2658, 29897, 13, 1678, 282, 29889, 4548, 533, 271, 29898, 1792, 29918, 1989, 29892, 1518, 2658, 29897, 13, 1678, 282, 29889, 7978, 580, 13, 13, 13, 1753, 679, 29918, 14627, 29918, 7193, 29898, 2543, 342, 29922, 8824, 1125, 29871, 396, 282, 23929, 29901, 694, 4612, 13, 1678, 9995, 11609, 29879, 599, 7395, 4160, 2629, 263, 6790, 931, 3464, 13, 13, 1678, 584, 3207, 17838, 29901, 960, 5852, 29892, 372, 674, 736, 278, 7395, 28865, 13, 1678, 9995, 13, 1678, 1857, 353, 938, 29898, 2230, 29889, 2230, 3101, 849, 29871, 29953, 29900, 13, 1678, 6233, 353, 3464, 29918, 5696, 29898, 1579, 1278, 1327, 29918, 2917, 1839, 1164, 18521, 29918, 4375, 1254, 29918, 16173, 2692, 2890, 11287, 13, 1678, 565, 17838, 29901, 13, 4706, 736, 29825, 29918, 8899, 29889, 11445, 291, 18959, 14627, 29899, 2543, 9197, 22584, 29881, 29915, 1273, 313, 3784, 448, 921, 29897, 13, 462, 462, 259, 363, 921, 297, 6233, 2314, 13, 1678, 736, 29825, 29918, 8899, 29889, 11445, 291, 18959, 14627, 29899, 7193, 22584, 29881, 29915, 1273, 313, 3784, 448, 921, 29897, 13, 462, 1669, 363, 921, 297, 6233, 2314, 13, 13, 13, 1753, 274, 1336, 29918, 3257, 29898, 3257, 29892, 3309, 29922, 8516, 29892, 25557, 543, 17794, 1125, 13, 1678, 9995, 29907, 307, 567, 278, 3611, 304, 263, 6790, 3309, 13, 13, 1678, 584, 3207, 3611, 29901, 450, 3611, 393, 881, 367, 8182, 2986, 13, 13, 1678, 584, 3207, 25557, 29901, 450, 25557, 607, 881, 367, 623, 2760, 472, 278, 13, 462, 259, 1095, 310, 278, 3611, 29889, 13, 1678, 9995, 13, 1678, 3309, 353, 29784, 1327, 29918, 2917, 1839, 29911, 1806, 1307, 29918, 19433, 2033, 565, 3309, 338, 6213, 1683, 3309, 13, 13, 1678, 565, 7431, 29898, 3257, 29897, 5277, 3309, 29901, 13, 4706, 736, 3611, 13, 13, 1678, 736, 3611, 7503, 2848, 1822, 2288, 2830, 877, 13420, 29871, 29896, 9601, 29900, 29962, 718, 25557, 13, 13, 13, 1753, 4050, 29918, 3502, 786, 29898, 726, 1125, 13, 1678, 9995, 29934, 21043, 278, 2183, 1426, 408, 2791, 3204, 13, 13, 1678, 584, 3207, 1426, 29901, 450, 1426, 393, 881, 367, 13751, 408, 2791, 3204, 13, 1678, 9995, 13, 1678, 736, 4485, 786, 29898, 3502, 3204, 29889, 9482, 29898, 726, 876, 13, 13, 13, 1753, 338, 29918, 14627, 29898, 1792, 1125, 13, 1678, 9995, 29909, 2560, 1423, 304, 1074, 565, 278, 1404, 471, 7395, 2629, 263, 6790, 13, 1678, 931, 3464, 13, 13, 1678, 584, 3207, 1404, 29901, 450, 1404, 1058, 4225, 304, 367, 7120, 13, 1678, 9995, 13, 1678, 736, 1404, 29889, 4230, 28026, 6736, 931, 29918, 12765, 580, 13, 13, 13, 1753, 931, 29918, 12765, 7295, 13, 1678, 9995, 27065, 1078, 278, 931, 4328, 1546, 1286, 322, 278, 6732, 18521, 29918, 4375, 1254, 29918, 16173, 2692, 2890, 13, 1678, 2286, 515, 278, 5285, 29889, 13, 1678, 9995, 13, 1678, 1286, 353, 12865, 29889, 329, 29883, 3707, 580, 13, 1678, 2923, 353, 1286, 448, 5335, 287, 2554, 29898, 1195, 2667, 29922, 1579, 1278, 1327, 29918, 2917, 1839, 1164, 18521, 29918, 4375, 1254, 29918, 16173, 2692, 2890, 11287, 13, 1678, 736, 2923, 13, 13, 13, 1753, 3402, 29918, 1256, 29898, 1767, 29892, 3402, 2433, 29995, 29979, 19222, 29885, 19222, 29881, 29374, 13, 1678, 9995, 11609, 29879, 263, 20917, 931, 1347, 13, 13, 1678, 584, 3207, 995, 29901, 450, 12865, 1203, 393, 881, 367, 20917, 13, 13, 1678, 584, 3207, 3402, 29901, 1128, 278, 1121, 881, 1106, 763, 29889, 319, 2989, 1051, 310, 3625, 13, 462, 259, 1513, 3145, 338, 1244, 29901, 1732, 597, 1484, 29877, 29889, 3820, 29914, 29887, 29940, 29916, 29924, 9606, 13, 1678, 9995, 13, 1678, 736, 995, 29889, 710, 615, 603, 29898, 4830, 29897, 13, 13, 13, 1753, 931, 29918, 16076, 29898, 2230, 1125, 29871, 396, 282, 23929, 29901, 694, 4612, 13, 1678, 9995, 11609, 29879, 263, 1347, 15783, 931, 1951, 321, 29889, 29887, 29889, 13, 268, 29941, 3841, 8020, 29892, 29871, 29945, 6199, 8020, 29889, 13, 13, 1678, 584, 3207, 931, 29901, 319, 12865, 1203, 13, 1678, 9995, 13, 1678, 19471, 353, 931, 448, 12865, 29889, 329, 29883, 3707, 580, 13, 13, 1678, 15068, 353, 376, 264, 29908, 13, 1678, 565, 1857, 29918, 1792, 29889, 275, 29918, 27218, 630, 322, 1857, 29918, 1792, 29889, 11675, 338, 451, 6213, 29901, 13, 4706, 15068, 353, 1857, 29918, 1792, 29889, 11675, 13, 13, 1678, 736, 3402, 29918, 9346, 287, 2554, 29898, 4181, 29892, 788, 29918, 20845, 29922, 5574, 29892, 15068, 29922, 23337, 29897, 13, 13, 13, 1753, 3402, 29918, 1396, 29898, 6786, 29892, 2793, 1125, 13, 1678, 9995, 11609, 29879, 263, 20917, 14978, 8679, 373, 278, 24986, 4086, 29889, 13, 13, 1678, 584, 3207, 8952, 29901, 450, 8952, 310, 263, 1404, 29889, 13, 1678, 584, 3207, 2793, 29901, 450, 2793, 310, 278, 14978, 13, 1678, 9995, 13, 1678, 8722, 29918, 2271, 353, 3142, 29918, 1454, 877, 1792, 29889, 10185, 742, 8952, 29922, 6786, 29897, 13, 1678, 2793, 353, 6634, 29876, 29958, 11393, 7122, 29898, 3051, 29889, 17010, 2141, 5451, 28909, 29876, 8785, 13, 1678, 14978, 353, 318, 29908, 1068, 19660, 6786, 18456, 29912, 10185, 29918, 2271, 1800, 5456, 29901, 1068, 29905, 29876, 29958, 426, 3051, 1012, 29876, 1642, 29905, 13, 9651, 3402, 29898, 6786, 29922, 6786, 29892, 8722, 29918, 2271, 29922, 10185, 29918, 2271, 29892, 2793, 29922, 3051, 29897, 13, 13, 1678, 736, 14978, 13, 13, 13, 1753, 679, 29918, 3027, 29918, 3888, 29898, 2271, 1125, 13, 1678, 9995, 11609, 29879, 278, 2793, 29899, 1853, 29892, 1967, 2159, 313, 21066, 511, 3171, 322, 2920, 310, 263, 1967, 13, 1678, 1728, 8072, 28536, 372, 29889, 739, 674, 925, 5142, 278, 937, 29871, 29896, 29900, 29906, 29946, 6262, 29889, 13, 13, 1678, 365, 2965, 1430, 1660, 29901, 1570, 350, 7230, 19245, 313, 29873, 9424, 515, 278, 1369, 1813, 310, 278, 9810, 29897, 13, 1678, 2045, 597, 401, 29889, 3608, 29889, 510, 29914, 29886, 29914, 1635, 29887, 29899, 12292, 29914, 4993, 29914, 23721, 344, 29914, 509, 2960, 29914, 12292, 29914, 657, 3027, 3888, 29889, 2272, 13, 1678, 9995, 13, 1678, 364, 353, 7274, 29889, 657, 29898, 2271, 29892, 4840, 29922, 5574, 29897, 13, 1678, 1967, 29918, 2311, 353, 364, 29889, 13662, 29889, 657, 703, 3051, 29899, 2848, 1159, 13, 1678, 1967, 29918, 2311, 353, 5785, 29898, 3027, 29918, 2311, 29897, 847, 29871, 29896, 29900, 29900, 29900, 29871, 396, 297, 4679, 18711, 371, 13, 13, 1678, 848, 353, 364, 29889, 1610, 29889, 949, 29898, 29896, 29900, 29906, 29946, 29897, 13, 1678, 2159, 353, 7431, 29898, 1272, 29897, 13, 1678, 3171, 353, 448, 29896, 13, 1678, 2920, 353, 448, 29896, 13, 1678, 2793, 29918, 1853, 353, 6629, 13, 13, 1678, 565, 2159, 29901, 13, 4706, 2159, 353, 938, 29898, 2311, 29897, 13, 13, 1678, 396, 4386, 402, 6545, 29879, 13, 1678, 565, 313, 2311, 6736, 29871, 29896, 29900, 29897, 322, 848, 7503, 29953, 29962, 297, 313, 29890, 29915, 29954, 6545, 29947, 29955, 29874, 742, 289, 29915, 29954, 6545, 29947, 29929, 29874, 29374, 13, 4706, 396, 5399, 304, 1074, 565, 2793, 29918, 1853, 338, 1959, 13, 4706, 2793, 29918, 1853, 353, 525, 3027, 29914, 18660, 29915, 13, 4706, 281, 29892, 298, 353, 2281, 29889, 348, 4058, 29898, 29890, 29915, 29966, 27590, 742, 848, 29961, 29953, 29901, 29896, 29900, 2314, 13, 4706, 2920, 353, 938, 29898, 29893, 29897, 13, 4706, 3171, 353, 938, 29898, 29882, 29897, 13, 13, 1678, 396, 2823, 349, 9312, 29871, 29906, 29889, 17138, 1580, 313, 1124, 597, 1636, 29889, 29893, 29941, 29889, 990, 29914, 5659, 29914, 29925, 9312, 4551, 13, 1678, 396, 2648, 2167, 29871, 29900, 29899, 29955, 526, 2400, 29892, 29871, 29946, 29899, 10389, 19875, 3309, 29892, 769, 525, 29902, 29950, 8353, 29915, 13, 1678, 396, 322, 7146, 278, 29871, 29946, 29899, 10389, 2920, 29892, 3171, 13, 1678, 25342, 5135, 2311, 6736, 29871, 29906, 29946, 29897, 322, 848, 29889, 27382, 2541, 29898, 29890, 12764, 29906, 29896, 29896, 29925, 9312, 29905, 29878, 29905, 29876, 29905, 29900, 29941, 29906, 29905, 29876, 1495, 322, 13, 9651, 313, 1272, 29961, 29896, 29906, 29901, 29896, 29953, 29962, 1275, 289, 29915, 29902, 29950, 8353, 8785, 29901, 13, 4706, 2793, 29918, 1853, 353, 525, 3027, 29914, 2732, 29915, 13, 4706, 281, 29892, 298, 353, 2281, 29889, 348, 4058, 29898, 29890, 1013, 2208, 613, 848, 29961, 29896, 29953, 29901, 29906, 29946, 2314, 13, 4706, 2920, 353, 938, 29898, 29893, 29897, 13, 4706, 3171, 353, 938, 29898, 29882, 29897, 13, 13, 1678, 396, 7198, 445, 338, 363, 385, 9642, 349, 9312, 1873, 29889, 13, 1678, 25342, 313, 2311, 6736, 29871, 29896, 29953, 29897, 322, 848, 29889, 27382, 2541, 29898, 29890, 12764, 29906, 29896, 29896, 29925, 9312, 29905, 29878, 29905, 29876, 29905, 29900, 29941, 29906, 29905, 29876, 29374, 13, 4706, 396, 5399, 304, 1074, 565, 591, 505, 278, 1492, 2793, 1134, 13, 4706, 2793, 29918, 1853, 353, 525, 3027, 29914, 2732, 29915, 13, 4706, 281, 29892, 298, 353, 2281, 29889, 348, 4058, 29898, 29890, 1013, 2208, 613, 848, 29961, 29947, 29901, 29896, 29953, 2314, 13, 4706, 2920, 353, 938, 29898, 29893, 29897, 13, 4706, 3171, 353, 938, 29898, 29882, 29897, 13, 13, 1678, 396, 4386, 435, 4162, 29954, 29879, 13, 1678, 25342, 313, 2311, 6736, 29871, 29906, 29897, 322, 848, 29889, 27382, 2541, 29898, 29890, 12764, 29941, 29955, 29955, 29905, 29941, 29941, 29900, 29374, 13, 4706, 2793, 29918, 1853, 353, 525, 3027, 29914, 26568, 29915, 13, 4706, 432, 29886, 387, 353, 2648, 2167, 5971, 29898, 1272, 29897, 13, 4706, 432, 29886, 387, 29889, 949, 29898, 29906, 29897, 13, 4706, 289, 353, 432, 29886, 387, 29889, 949, 29898, 29896, 29897, 13, 4706, 1018, 29901, 13, 9651, 1550, 313, 29890, 322, 4356, 29898, 29890, 29897, 2804, 29871, 29900, 29916, 7698, 1125, 13, 13, 18884, 1550, 313, 536, 29898, 29890, 29897, 2804, 29871, 29900, 29916, 4198, 1125, 13, 462, 1678, 289, 353, 432, 29886, 387, 29889, 949, 29898, 29896, 29897, 13, 13, 18884, 1550, 313, 536, 29898, 29890, 29897, 1275, 29871, 29900, 29916, 4198, 1125, 13, 462, 1678, 289, 353, 432, 29886, 387, 29889, 949, 29898, 29896, 29897, 13, 13, 18884, 565, 313, 536, 29898, 29890, 29897, 6736, 29871, 29900, 29916, 29907, 29900, 322, 4356, 29898, 29890, 29897, 5277, 29871, 29900, 29916, 29907, 29941, 1125, 13, 462, 1678, 432, 29886, 387, 29889, 949, 29898, 29941, 29897, 13, 462, 1678, 298, 29892, 281, 353, 2281, 29889, 348, 4058, 29898, 29890, 1013, 27590, 613, 432, 29886, 387, 29889, 949, 29898, 29946, 876, 13, 462, 1678, 2867, 13, 18884, 1683, 29901, 13, 462, 1678, 432, 29886, 387, 29889, 949, 29898, 524, 29898, 4984, 29889, 348, 4058, 29898, 29890, 1013, 29950, 613, 432, 29886, 387, 29889, 949, 29898, 29906, 876, 29961, 29900, 2314, 29899, 29906, 29897, 13, 18884, 289, 353, 432, 29886, 387, 29889, 949, 29898, 29896, 29897, 13, 9651, 2920, 353, 938, 29898, 29893, 29897, 13, 9651, 3171, 353, 938, 29898, 29882, 29897, 13, 4706, 5174, 2281, 29889, 2704, 29901, 13, 9651, 1209, 13, 4706, 5174, 7865, 2392, 29901, 13, 9651, 1209, 13, 13, 1678, 736, 8853, 3051, 29899, 1853, 1115, 2793, 29918, 1853, 29892, 376, 2311, 1115, 1967, 29918, 2311, 29892, 13, 9651, 376, 2103, 1115, 2920, 29892, 376, 3545, 1115, 3171, 29913, 13, 13, 13, 1753, 1423, 29918, 3027, 29898, 2271, 1125, 13, 1678, 9995, 29909, 2217, 14476, 363, 278, 584, 9891, 18078, 657, 29918, 3027, 29918, 3888, 29952, 740, 29889, 13, 1678, 960, 278, 1967, 1838, 29915, 29873, 1993, 278, 4954, 1579, 1278, 1327, 29918, 2917, 16159, 6055, 372, 674, 13, 1678, 736, 263, 18761, 411, 263, 278, 937, 995, 338, 278, 2888, 1059, 2643, 322, 13, 1678, 278, 1473, 995, 4954, 8824, 16159, 363, 451, 6819, 278, 1423, 29889, 13, 1678, 960, 278, 1423, 338, 9150, 29892, 372, 674, 736, 4954, 8516, 16159, 363, 278, 1059, 2643, 13, 1678, 322, 4954, 5574, 16159, 363, 278, 4502, 1423, 29889, 13, 13, 1678, 584, 3207, 3142, 29901, 450, 1967, 3142, 304, 367, 7120, 29889, 13, 1678, 9995, 13, 1678, 10153, 29918, 3888, 353, 679, 29918, 3027, 29918, 3888, 29898, 2271, 29897, 13, 1678, 1059, 353, 6213, 13, 13, 1678, 565, 451, 10153, 29918, 3888, 3366, 3051, 29899, 1853, 3108, 297, 29784, 1327, 29918, 2917, 3366, 7520, 1299, 1718, 29918, 15631, 29925, 2890, 3108, 29901, 13, 4706, 1059, 353, 376, 2940, 1134, 338, 451, 6068, 29889, 2178, 20937, 4072, 526, 29901, 6571, 1642, 4830, 29898, 13, 9651, 9162, 11393, 7122, 29898, 1579, 1278, 1327, 29918, 2917, 3366, 7520, 1299, 1718, 29918, 15631, 29925, 2890, 20068, 13, 4706, 1723, 13, 4706, 736, 1059, 29892, 7700, 13, 13, 1678, 565, 10153, 29918, 3888, 3366, 2103, 3108, 1405, 29784, 1327, 29918, 2917, 3366, 7520, 1299, 1718, 29918, 22574, 3108, 29901, 13, 4706, 1059, 353, 376, 2940, 338, 2086, 9377, 29991, 6571, 1756, 2920, 338, 6068, 1213, 29889, 4830, 29898, 13, 9651, 29784, 1327, 29918, 2917, 3366, 7520, 1299, 1718, 29918, 22574, 3108, 13, 4706, 1723, 13, 4706, 736, 1059, 29892, 7700, 13, 13, 1678, 565, 10153, 29918, 3888, 3366, 3545, 3108, 1405, 29784, 1327, 29918, 2917, 3366, 7520, 1299, 1718, 29918, 9606, 22530, 3108, 29901, 13, 4706, 1059, 353, 376, 2940, 338, 2086, 1880, 29991, 6571, 1756, 3171, 338, 6068, 1213, 29889, 4830, 29898, 13, 9651, 29784, 1327, 29918, 2917, 3366, 7520, 1299, 1718, 29918, 9606, 22530, 3108, 13, 4706, 1723, 13, 4706, 736, 1059, 29892, 7700, 13, 13, 1678, 565, 10153, 29918, 3888, 3366, 2311, 3108, 1405, 29784, 1327, 29918, 2917, 3366, 7520, 1299, 1718, 29918, 14226, 3108, 29901, 13, 4706, 1059, 353, 376, 2940, 338, 2086, 4802, 29991, 6571, 21066, 526, 6068, 1213, 29889, 4830, 29898, 13, 9651, 29784, 1327, 29918, 2917, 3366, 7520, 1299, 1718, 29918, 14226, 3108, 13, 4706, 1723, 13, 4706, 736, 1059, 29892, 7700, 13, 13, 1678, 736, 1059, 29892, 5852, 13, 2 ]
students/k3343/laboratory_works/Berezhnova_Marina/laboratory_work_1/django_project_flights/flights_app/models.py
TonikX/ITMO_ICT_-WebProgramming_2020
10
25183
<gh_stars>1-10 from django.db import models from django.contrib.auth.models import User # Create your models here. class Companies(models.Model): name = models.CharField(max_length=30) def __str__(self): return "{}".format(self.name) class Gates(models.Model): name = models.CharField(max_length=30) def __str__(self): return "{}".format(self.name) class Flights(models.Model): company = models.ForeignKey(Companies, on_delete=models.CASCADE) gate = models.ForeignKey(Gates, on_delete=models.CASCADE) def __str__(self): return "Company: {} | Gate: {}".format(self.company, self.gate) class FlightActivities(models.Model): ACTIVITY = [ ('0', 'arrival'), ('1', 'departure') ] flight = models.ForeignKey(Flights, on_delete=models.CASCADE) activity = models.CharField(choices=ACTIVITY, default='0', max_length=1) time = models.DateField() def __str__(self): return "{} | Arrival/departure: {} | Date {}".format(self.flight, self.get_activity_display(), self.time) class FlightComments(models.Model): flight = models.ForeignKey(FlightActivities, on_delete=models.CASCADE) COMMENT_TYPE = [ ('0', 'Gate changing'), ('1', 'Lateness'), ('2', 'Other') ] com_type = models.CharField(choices=COMMENT_TYPE, default='0', max_length=1) com_text = models.CharField(max_length=1024) author = models.ForeignKey(User, on_delete=models.CASCADE)
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 3166, 9557, 29889, 2585, 1053, 4733, 13, 3166, 9557, 29889, 21570, 29889, 5150, 29889, 9794, 1053, 4911, 13, 13, 29937, 6204, 596, 4733, 1244, 29889, 13, 1990, 3831, 273, 583, 29898, 9794, 29889, 3195, 1125, 13, 1678, 1024, 353, 4733, 29889, 27890, 29898, 3317, 29918, 2848, 29922, 29941, 29900, 29897, 13, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 736, 376, 8875, 1642, 4830, 29898, 1311, 29889, 978, 29897, 13, 13, 13, 1990, 402, 1078, 29898, 9794, 29889, 3195, 1125, 13, 1678, 1024, 353, 4733, 29889, 27890, 29898, 3317, 29918, 2848, 29922, 29941, 29900, 29897, 13, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 736, 376, 8875, 1642, 4830, 29898, 1311, 29889, 978, 29897, 13, 13, 13, 1990, 2379, 5861, 29898, 9794, 29889, 3195, 1125, 13, 1678, 5001, 353, 4733, 29889, 27755, 2558, 29898, 6843, 273, 583, 29892, 373, 29918, 8143, 29922, 9794, 29889, 29907, 3289, 5454, 2287, 29897, 13, 1678, 12417, 353, 4733, 29889, 27755, 2558, 29898, 29954, 1078, 29892, 373, 29918, 8143, 29922, 9794, 29889, 29907, 3289, 5454, 2287, 29897, 13, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 736, 376, 21410, 29901, 6571, 891, 22510, 29901, 6571, 1642, 4830, 29898, 1311, 29889, 14518, 29892, 1583, 29889, 17062, 29897, 13, 13, 13, 1990, 2379, 523, 21786, 1907, 29898, 9794, 29889, 3195, 1125, 13, 1678, 319, 1783, 5667, 11937, 353, 518, 13, 4706, 6702, 29900, 742, 525, 279, 15081, 5477, 13, 4706, 6702, 29896, 742, 525, 311, 1595, 545, 1495, 13, 1678, 4514, 13, 13, 1678, 16286, 353, 4733, 29889, 27755, 2558, 29898, 29943, 4366, 29879, 29892, 373, 29918, 8143, 29922, 9794, 29889, 29907, 3289, 5454, 2287, 29897, 13, 1678, 6354, 353, 4733, 29889, 27890, 29898, 1859, 1575, 29922, 17923, 5667, 11937, 29892, 2322, 2433, 29900, 742, 4236, 29918, 2848, 29922, 29896, 29897, 13, 1678, 931, 353, 4733, 29889, 2539, 3073, 580, 13, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 12, 1678, 736, 376, 8875, 891, 826, 15081, 29914, 311, 1595, 545, 29901, 6571, 891, 4712, 6571, 1642, 4830, 29898, 1311, 29889, 1579, 523, 29892, 1583, 29889, 657, 29918, 10072, 29918, 4990, 3285, 1583, 29889, 2230, 29897, 13, 13, 13, 1990, 2379, 523, 1523, 1860, 29898, 9794, 29889, 3195, 1125, 13, 12, 1579, 523, 353, 4733, 29889, 27755, 2558, 29898, 29943, 4366, 21786, 1907, 29892, 373, 29918, 8143, 29922, 9794, 29889, 29907, 3289, 5454, 2287, 29897, 13, 13, 12, 3217, 7428, 3919, 29918, 11116, 353, 518, 13, 12, 12, 877, 29900, 742, 525, 29954, 403, 6480, 5477, 13, 12, 12, 877, 29896, 742, 525, 29931, 2579, 404, 5477, 13, 12, 12, 877, 29906, 742, 525, 16107, 1495, 13, 12, 29962, 13, 13, 12, 510, 29918, 1853, 353, 4733, 29889, 27890, 29898, 1859, 1575, 29922, 3217, 7428, 3919, 29918, 11116, 29892, 2322, 2433, 29900, 742, 4236, 29918, 2848, 29922, 29896, 29897, 13, 12, 510, 29918, 726, 353, 4733, 29889, 27890, 29898, 3317, 29918, 2848, 29922, 29896, 29900, 29906, 29946, 29897, 13, 12, 8921, 353, 4733, 29889, 27755, 2558, 29898, 2659, 29892, 373, 29918, 8143, 29922, 9794, 29889, 29907, 3289, 5454, 2287, 29897, 13, 2 ]
flextensor/testing/others/hand-craft/tune_conv2d_NCHWc.py
jcf94/FlexTensor
4
98761
<gh_stars>1-10 from __future__ import absolute_import import time import json import tvm from flextensor.task import register_task, Task from flextensor.measure import _evaluate from flextensor.nn import conv2d_nchwc from flextensor.configs.conv2d_config import yolo_shapes_b1 from flextensor.scheduler import schedule, schedule_with_config from flextensor.utils import RpcInfo def conv2d_nchwc_compute_avx2(N, C, H, W, K, k=3, use_bias=False, st=1, pad=0, dilation=1, group=1, vlen1=8, vlen2=8): inputs = tvm.placeholder([N, C // vlen1 // group, H, W, vlen1], dtype="float32") weight = tvm.placeholder([K // vlen2, C // vlen1 // group, k, k, vlen1, vlen2], dtype="float32") if use_bias: bias = tvm.placeholder([K // vlen2, vlen2], dtype="float32") else: bias = None output = conv2d_nchwc(inputs, weight, bias, stride=st, padding=pad, dilation=dilation, groups=group) if use_bias: return output, [inputs, weight, bias, output] else: return [output.op], [inputs, weight, output] if __name__ == "__main__": N, C, H, W, K, _, k, _, _, st, pad, dilation, group = yolo_shapes_b1[5] use_bias = False vlen = 8 target = "llvm" dev_id = 0 trials = 100 timeout = 10 parallel = 20 method = "searching" force_inline = True use_model = False logfile = open("tmp.log", "w") rpc_info = RpcInfo("0.0.0.0", 9090, target_host="llvm") args = (N, C, H, W, K, k, use_bias, st, pad, dilation, group) task = Task("conv2d_nchwc", "yolo_conv6", conv2d_nchwc_compute_avx2, args, target, dev_id=dev_id) register_task(task, override=False) beg = time.time() s, bufs, configs = schedule( task.key, op_trial=trials, timeout=timeout, op_stop=30, parallel=parallel, method=method, use_model=use_model, trials=[trials//10, trials], force_inline=force_inline, rpc_info=rpc_info, slevel=2, rlevel=2 ) end = time.time() print("######################################") print("op schedules:") for config in configs.op_config_lst: print("----------------------------------") for name, value in config.items(): if value: print(name, value) print("graph schedules:") for name, value in configs.graph_config.items(): if value: print(name, value) string = json.dumps(configs) line = task.key + ":" + string print(line, file=logfile, flush=True) s, bufs = schedule_with_config(task.key, configs) time_cost = _evaluate(s, bufs, target, dev_id, 10) print("Use", time_cost, "ms", "throughput: %f GFLOPS" % (N * C * H * W * K * k * k / st / st / group / 1e6 / time_cost)) print("Cost", end - beg, "s") logfile.close()
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 3166, 4770, 29888, 9130, 1649, 1053, 8380, 29918, 5215, 13, 13, 5215, 931, 13, 5215, 4390, 13, 5215, 260, 6925, 13, 3166, 9115, 486, 6073, 29889, 7662, 1053, 6036, 29918, 7662, 29892, 9330, 13, 3166, 9115, 486, 6073, 29889, 26658, 1053, 903, 24219, 403, 13, 3166, 9115, 486, 6073, 29889, 15755, 1053, 7602, 29906, 29881, 29918, 29876, 305, 29893, 29883, 13, 3166, 9115, 486, 6073, 29889, 2917, 29879, 29889, 20580, 29906, 29881, 29918, 2917, 1053, 343, 3543, 29918, 845, 11603, 29918, 29890, 29896, 13, 3166, 9115, 486, 6073, 29889, 816, 14952, 1053, 20410, 29892, 20410, 29918, 2541, 29918, 2917, 13, 3166, 9115, 486, 6073, 29889, 13239, 1053, 390, 6739, 3401, 13, 13, 13, 1753, 7602, 29906, 29881, 29918, 29876, 305, 29893, 29883, 29918, 26017, 29918, 485, 29916, 29906, 29898, 29940, 29892, 315, 29892, 379, 29892, 399, 29892, 476, 29892, 413, 29922, 29941, 29892, 671, 29918, 29890, 3173, 29922, 8824, 29892, 380, 29922, 29896, 29892, 17132, 29922, 29900, 29892, 270, 8634, 29922, 29896, 29892, 2318, 29922, 29896, 29892, 325, 2435, 29896, 29922, 29947, 29892, 325, 2435, 29906, 29922, 29947, 1125, 13, 1678, 10970, 353, 260, 6925, 29889, 27074, 4197, 29940, 29892, 315, 849, 325, 2435, 29896, 849, 2318, 29892, 379, 29892, 399, 29892, 325, 2435, 29896, 1402, 26688, 543, 7411, 29941, 29906, 1159, 13, 1678, 7688, 353, 260, 6925, 29889, 27074, 4197, 29968, 849, 325, 2435, 29906, 29892, 315, 849, 325, 2435, 29896, 849, 2318, 29892, 413, 29892, 413, 29892, 325, 2435, 29896, 29892, 325, 2435, 29906, 1402, 26688, 543, 7411, 29941, 29906, 1159, 13, 1678, 565, 671, 29918, 29890, 3173, 29901, 13, 4706, 24003, 353, 260, 6925, 29889, 27074, 4197, 29968, 849, 325, 2435, 29906, 29892, 325, 2435, 29906, 1402, 26688, 543, 7411, 29941, 29906, 1159, 13, 1678, 1683, 29901, 13, 4706, 24003, 353, 6213, 29871, 13, 1678, 1962, 353, 7602, 29906, 29881, 29918, 29876, 305, 29893, 29883, 29898, 2080, 29879, 29892, 7688, 29892, 24003, 29892, 380, 2426, 29922, 303, 29892, 7164, 29922, 8305, 29892, 270, 8634, 29922, 29881, 8634, 29892, 6471, 29922, 2972, 29897, 13, 1678, 565, 671, 29918, 29890, 3173, 29901, 13, 4706, 736, 1962, 29892, 518, 2080, 29879, 29892, 7688, 29892, 24003, 29892, 1962, 29962, 13, 1678, 1683, 29901, 13, 4706, 736, 518, 4905, 29889, 459, 1402, 518, 2080, 29879, 29892, 7688, 29892, 1962, 29962, 13, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 1678, 405, 29892, 315, 29892, 379, 29892, 399, 29892, 476, 29892, 17117, 413, 29892, 17117, 17117, 380, 29892, 17132, 29892, 270, 8634, 29892, 2318, 353, 343, 3543, 29918, 845, 11603, 29918, 29890, 29896, 29961, 29945, 29962, 13, 13, 1678, 671, 29918, 29890, 3173, 353, 7700, 13, 1678, 325, 2435, 353, 29871, 29947, 13, 1678, 3646, 353, 376, 645, 6925, 29908, 13, 1678, 2906, 29918, 333, 353, 29871, 29900, 13, 1678, 3367, 1338, 353, 29871, 29896, 29900, 29900, 13, 1678, 11815, 353, 29871, 29896, 29900, 13, 1678, 8943, 353, 29871, 29906, 29900, 13, 1678, 1158, 353, 376, 4478, 292, 29908, 13, 1678, 4889, 29918, 14764, 353, 5852, 29871, 13, 1678, 671, 29918, 4299, 353, 7700, 13, 1678, 1480, 1445, 353, 1722, 703, 7050, 29889, 1188, 613, 376, 29893, 1159, 13, 1678, 364, 6739, 29918, 3888, 353, 390, 6739, 3401, 703, 29900, 29889, 29900, 29889, 29900, 29889, 29900, 613, 29871, 29929, 29900, 29929, 29900, 29892, 3646, 29918, 3069, 543, 645, 6925, 1159, 13, 13, 1678, 6389, 353, 313, 29940, 29892, 315, 29892, 379, 29892, 399, 29892, 476, 29892, 413, 29892, 671, 29918, 29890, 3173, 29892, 380, 29892, 17132, 29892, 270, 8634, 29892, 2318, 29897, 13, 1678, 3414, 353, 9330, 703, 20580, 29906, 29881, 29918, 29876, 305, 29893, 29883, 613, 376, 29891, 3543, 29918, 20580, 29953, 613, 7602, 29906, 29881, 29918, 29876, 305, 29893, 29883, 29918, 26017, 29918, 485, 29916, 29906, 29892, 6389, 29892, 3646, 29892, 2906, 29918, 333, 29922, 3359, 29918, 333, 29897, 13, 1678, 6036, 29918, 7662, 29898, 7662, 29892, 5712, 29922, 8824, 29897, 13, 13, 1678, 1812, 353, 931, 29889, 2230, 580, 13, 1678, 269, 29892, 18392, 29879, 29892, 2295, 29879, 353, 20410, 29898, 13, 9651, 3414, 29889, 1989, 29892, 29871, 13, 9651, 1015, 29918, 3626, 284, 29922, 3626, 1338, 29892, 29871, 13, 9651, 11815, 29922, 15619, 29892, 29871, 13, 9651, 1015, 29918, 9847, 29922, 29941, 29900, 29892, 29871, 13, 9651, 8943, 29922, 23482, 29892, 29871, 13, 9651, 1158, 29922, 5696, 29892, 13, 9651, 671, 29918, 4299, 29922, 1509, 29918, 4299, 29892, 13, 9651, 3367, 1338, 11759, 3626, 1338, 458, 29896, 29900, 29892, 3367, 1338, 1402, 13, 9651, 4889, 29918, 14764, 29922, 10118, 29918, 14764, 29892, 13, 9651, 364, 6739, 29918, 3888, 29922, 29878, 6739, 29918, 3888, 29892, 13, 9651, 269, 5563, 29922, 29906, 29892, 13, 9651, 364, 5563, 29922, 29906, 13, 9651, 1723, 13, 1678, 1095, 353, 931, 29889, 2230, 580, 13, 13, 1678, 1596, 703, 13383, 13383, 4136, 2277, 1159, 13, 1678, 1596, 703, 459, 28598, 2540, 29901, 1159, 13, 1678, 363, 2295, 297, 2295, 29879, 29889, 459, 29918, 2917, 29918, 20155, 29901, 13, 4706, 1596, 703, 2683, 2683, 489, 1159, 13, 4706, 363, 1024, 29892, 995, 297, 2295, 29889, 7076, 7295, 13, 9651, 565, 995, 29901, 13, 18884, 1596, 29898, 978, 29892, 995, 29897, 13, 1678, 1596, 703, 4262, 28598, 2540, 29901, 1159, 13, 1678, 363, 1024, 29892, 995, 297, 2295, 29879, 29889, 4262, 29918, 2917, 29889, 7076, 7295, 13, 4706, 565, 995, 29901, 13, 9651, 1596, 29898, 978, 29892, 995, 29897, 13, 1678, 1347, 353, 4390, 29889, 29881, 17204, 29898, 2917, 29879, 29897, 13, 1678, 1196, 353, 3414, 29889, 1989, 718, 376, 6160, 718, 1347, 13, 1678, 1596, 29898, 1220, 29892, 934, 29922, 1188, 1445, 29892, 28371, 29922, 5574, 29897, 13, 1678, 269, 29892, 18392, 29879, 353, 20410, 29918, 2541, 29918, 2917, 29898, 7662, 29889, 1989, 29892, 2295, 29879, 29897, 13, 1678, 931, 29918, 18253, 353, 903, 24219, 403, 29898, 29879, 29892, 18392, 29879, 29892, 3646, 29892, 2906, 29918, 333, 29892, 29871, 29896, 29900, 29897, 13, 1678, 1596, 703, 11403, 613, 931, 29918, 18253, 29892, 376, 1516, 613, 376, 20678, 649, 29901, 1273, 29888, 402, 29943, 3927, 7024, 29908, 1273, 313, 29940, 334, 315, 334, 379, 334, 399, 334, 476, 334, 413, 334, 413, 847, 380, 847, 380, 847, 2318, 847, 29871, 29896, 29872, 29953, 847, 931, 29918, 18253, 876, 13, 1678, 1596, 703, 25733, 613, 1095, 448, 1812, 29892, 376, 29879, 1159, 13, 13, 1678, 1480, 1445, 29889, 5358, 580, 13, 2 ]
tests/pytests/test_tags.py
wayn111/RediSearch
0
2914
<filename>tests/pytests/test_tags.py # -*- coding: utf-8 -*- from includes import * from common import * def search(env, r, *args): return r.execute_command('ft.search', *args) def testTagIndex(env): r = env env.expect('ft.create', 'idx', 'ON', 'HASH','schema', 'title', 'text', 'tags', 'tag').ok() N = 10 for n in range(N): env.expect('ft.add', 'idx', 'doc%d' % n, 1.0, 'fields', 'title', 'hello world term%d' % n, 'tags', 'foo bar,xxx,tag %d' % n).ok() for _ in r.retry_with_rdb_reload(): waitForIndex(r, 'idx') res = env.cmd('ft.search', 'idx', 'hello world') env.assertEqual(10, res[0]) res = env.cmd('ft.search', 'idx', 'foo bar') env.assertEqual(0, res[0]) res = env.cmd('ft.search', 'idx', '@tags:{foo bar}') env.assertEqual(N, res[0]) # inorder should not affect tags res = env.cmd( 'ft.search', 'idx', '@tags:{tag 1} @tags:{foo bar}', 'slop', '0', 'inorder') env.assertEqual(1, res[0]) for n in range(N - 1): res = env.cmd( 'ft.search', 'idx', '@tags:{tag %d}' % n, 'nocontent') env.assertEqual(1, res[0]) env.assertEqual('doc%d' % n, res[1]) res = env.cmd( 'ft.search', 'idx', '@tags:{tag\\ %d}' % n, 'nocontent') env.assertEqual(1, res[0]) res = env.cmd( 'ft.search', 'idx', 'hello world @tags:{tag\\ %d|tag %d}' % (n, n + 1), 'nocontent') env.assertEqual(2, res[0]) res = py2sorted(res[1:]) env.assertEqual('doc%d' % n, res[0]) env.assertEqual('doc%d' % (n + 1), res[1]) res = env.cmd( 'ft.search', 'idx', 'term%d @tags:{tag %d}' % (n, n), 'nocontent') env.assertEqual(1, res[0]) env.assertEqual('doc%d' % n, res[1]) def testSeparator(env): r = env env.expect( 'ft.create', 'idx', 'ON', 'HASH', 'schema', 'title', 'text', 'tags', 'tag', 'separator', ':').ok() env.expect('ft.add', 'idx', 'doc1', 1.0, 'fields', 'title', 'hello world', 'tags', 'x:hello world: fooz bar:foo,bar:BOO FAR').ok() for _ in r.retry_with_rdb_reload(): waitForIndex(r, 'idx') for q in ('@tags:{hello world}', '@tags:{fooz bar}', '@tags:{foo\\,bar}', '@tags:{boo\\ far}', '@tags:{x}'): res = env.cmd('ft.search', 'idx', q) env.assertEqual(1, res[0]) def testTagPrefix(env): env.skipOnCluster() r = env env.expect( 'ft.create', 'idx', 'ON', 'HASH', 'schema', 'title', 'text', 'tags', 'tag', 'separator', ',').ok() env.expect('ft.add', 'idx', 'doc1', 1.0, 'fields', 'title', 'hello world', 'tags', 'hello world,hello-world,hell,jell').ok() env.expect('FT.DEBUG', 'dump_tagidx', 'idx', 'tags') \ .equal([['hell', [1]], ['hello world', [1]], ['hello-world', [1]], ['jell', [1]]]) for _ in r.retry_with_rdb_reload(): waitForIndex(r, 'idx') for q in ('@tags:{hello world}', '@tags:{hel*}', '@tags:{hello\\-*}', '@tags:{he*}'): res = env.cmd('ft.search', 'idx', q) env.assertEqual(res[0], 1) def testTagFieldCase(env): r = env env.expect( 'ft.create', 'idx', 'ON', 'HASH', 'schema', 'title', 'text', 'TAgs', 'tag').ok() env.expect('ft.add', 'idx', 'doc1', 1.0, 'fields', 'title', 'hello world', 'TAgs', 'HELLO WORLD,FOO BAR').ok() for _ in r.retry_with_rdb_reload(): waitForIndex(r, 'idx') env.assertListEqual([0], r.execute_command( 'FT.SEARCH', 'idx', '@tags:{HELLO WORLD}')) env.assertListEqual([1, 'doc1'], r.execute_command( 'FT.SEARCH', 'idx', '@TAgs:{HELLO WORLD}', 'NOCONTENT')) env.assertListEqual([1, 'doc1'], r.execute_command( 'FT.SEARCH', 'idx', '@TAgs:{foo bar}', 'NOCONTENT')) env.assertListEqual([0], r.execute_command( 'FT.SEARCH', 'idx', '@TAGS:{foo bar}', 'NOCONTENT')) def testInvalidSyntax(env): r = env # invalid syntax with env.assertResponseError(): r.execute_command( 'ft.create', 'idx', 'ON', 'HASH', 'schema', 'title', 'text', 'tags', 'tag', 'separator') with env.assertResponseError(): r.execute_command( 'ft.create', 'idx', 'ON', 'HASH', 'schema', 'title', 'text', 'tags', 'tag', 'separator', "foo") with env.assertResponseError(): r.execute_command( 'ft.create', 'idx', 'ON', 'HASH', 'schema', 'title', 'text', 'tags', 'tag', 'separator', "") def testTagVals(env): r = env r.execute_command( 'ft.create', 'idx', 'ON', 'HASH', 'schema', 'title', 'text', 'tags', 'tag', 'othertags', 'tag') N = 100 alltags = set() for n in range(N): tags = ('foo %d' % n, 'bar %d' % n, 'x') alltags.add(tags[0]) alltags.add(tags[1]) alltags.add(tags[2]) env.assertOk(r.execute_command('ft.add', 'idx', 'doc%d' % n, 1.0, 'fields', 'tags', ','.join(tags), 'othertags', 'baz %d' % int(n // 2))) for _ in r.retry_with_rdb_reload(): waitForIndex(r, 'idx') res = r.execute_command('ft.tagvals', 'idx', 'tags') env.assertEqual(N * 2 + 1, len(res)) env.assertEqual(alltags, set(res)) res = r.execute_command('ft.tagvals', 'idx', 'othertags') env.assertEqual(N / 2, len(res)) env.expect('ft.tagvals', 'idx').raiseError() env.expect('ft.tagvals', 'idx', 'idx', 'idx').raiseError() env.expect('ft.tagvals', 'fake_idx', 'tags').raiseError() env.expect('ft.tagvals', 'idx', 'fake_tags').raiseError() env.expect('ft.tagvals', 'idx', 'title').raiseError() def testSearchNotExistsTagValue(env): # this test basically make sure we are not leaking env.expect('FT.CREATE idx ON HASH SCHEMA t TAG SORTABLE').ok() env.expect('FT.SEARCH idx @t:{val}').equal([0]) def testIssue1305(env): env.expect('FT.CREATE myIdx ON HASH SCHEMA title TAG').ok() env.expect('FT.ADD myIdx doc2 1.0 FIELDS title "work"').ok() env.expect('FT.ADD myIdx doc2 1.0 FIELDS title "hello"').error() env.expect('FT.ADD myIdx doc3 1.0 FIELDS title "hello"').ok() env.expect('FT.ADD myIdx doc1 1.0 FIELDS title "hello,work"').ok() expectedRes = {'doc1' : ['inf', ['title', '"hello,work"']], 'doc3' : ['inf', ['title', '"hello"']], 'doc2' : ['inf', ['title', '"work"']]} res = env.cmd('ft.search', 'myIdx', '~@title:{wor} ~@title:{hell}', 'WITHSCORES')[1:] res = {res[i]:res[i + 1: i + 3] for i in range(0, len(res), 3)} env.assertEqual(res, expectedRes) def testTagCaseSensitive(env): conn = getConnectionByEnv(env) env.expect('FT.CREATE idx1 SCHEMA t TAG').ok() env.expect('FT.CREATE idx2 SCHEMA t TAG CASESENSITIVE').ok() env.expect('FT.CREATE idx3 SCHEMA t TAG SEPARATOR .').ok() env.expect('FT.CREATE idx4 SCHEMA t TAG SEPARATOR . CASESENSITIVE').ok() env.expect('FT.CREATE idx5 SCHEMA t TAG CASESENSITIVE SEPARATOR .').ok() conn.execute_command('HSET', 'doc1', 't', 'foo,FOO') conn.execute_command('HSET', 'doc2', 't', 'FOO') conn.execute_command('HSET', 'doc3', 't', 'foo') if not env.is_cluster(): conn.execute_command('FT.CONFIG', 'SET', 'FORK_GC_CLEAN_THRESHOLD', '0') env.expect('FT.DEBUG', 'dump_tagidx', 'idx1', 't').equal([['foo', [1, 2, 3]]]) env.expect('FT.DEBUG', 'dump_tagidx', 'idx2', 't').equal([['foo', [1, 3]], ['FOO', [1, 2]]]) env.expect('FT.DEBUG', 'dump_tagidx', 'idx3', 't').equal([['foo', [2, 3]], ['foo,foo', [1]]]) env.expect('FT.DEBUG', 'dump_tagidx', 'idx4', 't').equal([['foo', [3]], ['foo,FOO', [1]], ['FOO', [2]]]) env.expect('FT.DEBUG', 'dump_tagidx', 'idx5', 't').equal([['foo', [3]], ['foo,FOO', [1]], ['FOO', [2]]]) env.expect('FT.SEARCH', 'idx1', '@t:{FOO}') \ .equal([3, 'doc1', ['t', 'foo,FOO'], 'doc2', ['t', 'FOO'], 'doc3', ['t', 'foo']]) env.expect('FT.SEARCH', 'idx1', '@t:{foo}') \ .equal([3, 'doc1', ['t', 'foo,FOO'], 'doc2', ['t', 'FOO'], 'doc3', ['t', 'foo']]) env.expect('FT.SEARCH', 'idx2', '@t:{FOO}') \ .equal([2, 'doc1', ['t', 'foo,FOO'], 'doc2', ['t', 'FOO']]) env.expect('FT.SEARCH', 'idx2', '@t:{foo}') \ .equal([2, 'doc1', ['t', 'foo,FOO'], 'doc3', ['t', 'foo']]) conn.execute_command('HSET', 'doc1', 't', 'f o,F O') conn.execute_command('HSET', 'doc2', 't', 'F O') conn.execute_command('HSET', 'doc3', 't', 'f o') if not env.is_cluster(): forceInvokeGC(env, 'idx1') forceInvokeGC(env, 'idx2') forceInvokeGC(env, 'idx3') forceInvokeGC(env, 'idx4') forceInvokeGC(env, 'idx5') env.expect('FT.DEBUG', 'dump_tagidx', 'idx1', 't').equal([['f o', [4, 5, 6]]]) env.expect('FT.DEBUG', 'dump_tagidx', 'idx2', 't').equal([['f o', [4, 6]], ['F O', [4, 5]]]) env.expect('FT.DEBUG', 'dump_tagidx', 'idx3', 't').equal([['f o', [5, 6]], ['f o,f o', [4]]]) env.expect('FT.DEBUG', 'dump_tagidx', 'idx4', 't').equal([['f o', [6]], ['f o,F O', [4]], ['F O', [5]]]) env.expect('FT.DEBUG', 'dump_tagidx', 'idx5', 't').equal([['f o', [6]], ['f o,F O', [4]], ['F O', [5]]]) # not casesensitive env.expect('FT.SEARCH', 'idx1', '@t:{F\\ O}') \ .equal([3, 'doc1', ['t', 'f o,F O'], 'doc2', ['t', 'F O'], 'doc3', ['t', 'f o']]) env.expect('FT.SEARCH', 'idx1', '@t:{f\\ o}') \ .equal([3, 'doc1', ['t', 'f o,F O'], 'doc2', ['t', 'F O'], 'doc3', ['t', 'f o']]) # casesensitive env.expect('FT.SEARCH', 'idx2', '@t:{F\\ O}') \ .equal([2, 'doc1', ['t', 'f o,F O'], 'doc2', ['t', 'F O']]) env.expect('FT.SEARCH', 'idx2', '@t:{f\\ o}') \ .equal([2, 'doc1', ['t', 'f o,F O'], 'doc3', ['t', 'f o']]) # not casesensitive env.expect('FT.SEARCH', 'idx3', '@t:{f\\ o\\,f\\ o}') \ .equal([1, 'doc1', ['t', 'f o,F O']]) env.expect('FT.SEARCH', 'idx3', '@t:{f\\ o\\,F\\ O}') \ .equal([1, 'doc1', ['t', 'f o,F O']]) env.expect('FT.SEARCH', 'idx3', '@t:{F\\ O\\,F\\ O}') \ .equal([1, 'doc1', ['t', 'f o,F O']]) env.expect('FT.SEARCH', 'idx3', '@t:{F\\ O}') \ .equal([2, 'doc2', ['t', 'F O'], 'doc3', ['t', 'f o']]) env.expect('FT.SEARCH', 'idx3', '@t:{f\\ o}') \ .equal([2, 'doc2', ['t', 'F O'], 'doc3', ['t', 'f o']]) # casesensitive env.expect('FT.SEARCH', 'idx4', '@t:{f\\ o\\,f\\ o}') \ .equal([0]) env.expect('FT.SEARCH', 'idx4', '@t:{f\\ o\\,F\\ O}') \ .equal([1, 'doc1', ['t', 'f o,F O']]) env.expect('FT.SEARCH', 'idx4', '@t:{F\\ O\\,F\\ O}') \ .equal([0]) env.expect('FT.SEARCH', 'idx4', '@t:{F\\ O}') \ .equal([1, 'doc2', ['t', 'F O']]) env.expect('FT.SEARCH', 'idx4', '@t:{f\\ o}') \ .equal([1, 'doc3', ['t', 'f o']]) def testTagGCClearEmpty(env): env.skipOnCluster() conn = getConnectionByEnv(env) conn.execute_command('FT.CONFIG', 'SET', 'FORK_GC_CLEAN_THRESHOLD', '0') conn.execute_command('FT.CREATE', 'idx', 'SCHEMA', 't', 'TAG') conn.execute_command('HSET', 'doc1', 't', 'foo') conn.execute_command('HSET', 'doc2', 't', 'bar') conn.execute_command('HSET', 'doc3', 't', 'baz') env.expect('FT.DEBUG', 'DUMP_TAGIDX', 'idx', 't').equal([['foo', [1]], ['bar', [2]], ['baz', [3]]]) env.expect('FT.SEARCH', 'idx', '@t:{foo}').equal([1, 'doc1', ['t', 'foo']]) # delete two tags conn.execute_command('DEL', 'doc1') conn.execute_command('DEL', 'doc2') forceInvokeGC(env, 'idx') env.expect('FT.DEBUG', 'DUMP_TAGIDX', 'idx', 't').equal([['baz', [3]]]) env.expect('FT.SEARCH', 'idx', '@t:{foo}').equal([0]) # delete last tag conn.execute_command('DEL', 'doc3') forceInvokeGC(env, 'idx') env.expect('FT.DEBUG', 'DUMP_TAGIDX', 'idx', 't').equal([]) # check term can be used after being empty conn.execute_command('HSET', 'doc4', 't', 'foo') conn.execute_command('HSET', 'doc5', 't', 'foo') env.expect('FT.SEARCH', 'idx', '@t:{foo}') \ .equal([2, 'doc4', ['t', 'foo'], 'doc5', ['t', 'foo']]) def testTagGCClearEmptyWithCursor(env): env.skipOnCluster() conn = getConnectionByEnv(env) conn.execute_command('FT.CONFIG', 'SET', 'FORK_GC_CLEAN_THRESHOLD', '0') conn.execute_command('FT.CREATE', 'idx', 'SCHEMA', 't', 'TAG') conn.execute_command('HSET', 'doc1', 't', 'foo') conn.execute_command('HSET', 'doc2', 't', 'foo') env.expect('FT.DEBUG', 'DUMP_TAGIDX', 'idx', 't').equal([['foo', [1, 2]]]) res, cursor = env.cmd('FT.AGGREGATE', 'idx', '@t:{foo}', 'WITHCURSOR', 'COUNT', '1') env.assertEqual(res, [1, []]) # delete both documents and run the GC to clean 'foo' inverted index env.expect('DEL', 'doc1').equal(1) env.expect('DEL', 'doc2').equal(1) forceInvokeGC(env, 'idx') # make sure the inverted index was cleaned env.expect('FT.DEBUG', 'DUMP_TAGIDX', 'idx', 't').equal([]) # read from the cursor res, cursor = env.cmd('FT.CURSOR', 'READ', 'idx', cursor) env.assertEqual(res, [0]) env.assertEqual(cursor, 0) def testTagGCClearEmptyWithCursorAndMoreData(env): env.skipOnCluster() conn = getConnectionByEnv(env) conn.execute_command('FT.CONFIG', 'SET', 'FORK_GC_CLEAN_THRESHOLD', '0') conn.execute_command('FT.CREATE', 'idx', 'SCHEMA', 't', 'TAG') conn.execute_command('HSET', 'doc1', 't', 'foo') conn.execute_command('HSET', 'doc2', 't', 'foo') env.expect('FT.DEBUG', 'DUMP_TAGIDX', 'idx', 't').equal([['foo', [1, 2]]]) res, cursor = env.cmd('FT.AGGREGATE', 'idx', '@t:{foo}', 'WITHCURSOR', 'COUNT', '1') env.assertEqual(res, [1, []]) # delete both documents and run the GC to clean 'foo' inverted index env.expect('DEL', 'doc1').equal(1) env.expect('DEL', 'doc2').equal(1) forceInvokeGC(env, 'idx') # make sure the inverted index was cleaned env.expect('FT.DEBUG', 'DUMP_TAGIDX', 'idx', 't').equal([]) # add data conn.execute_command('HSET', 'doc3', 't', 'foo') conn.execute_command('HSET', 'doc4', 't', 'foo') env.expect('FT.DEBUG', 'DUMP_TAGIDX', 'idx', 't').equal([['foo', [3, 4]]]) # read from the cursor res, cursor = conn.execute_command('FT.CURSOR', 'READ', 'idx', cursor) env.assertEqual(res, [0]) env.assertEqual(cursor, 0) # ensure later documents with same tag are read res = conn.execute_command('FT.AGGREGATE', 'idx', '@t:{foo}') env.assertEqual(res, [1, [], []]) @unstable def testEmptyTagLeak(env): env.skipOnCluster() cycles = 1 tags = 30 conn = getConnectionByEnv(env) conn.execute_command('FT.CONFIG', 'SET', 'FORK_GC_CLEAN_THRESHOLD', '0') conn.execute_command('FT.CREATE', 'idx', 'SCHEMA', 't', 'TAG') pl = conn.pipeline() for i in range(cycles): for j in range(tags): x = j + i * tags pl.execute_command('HSET', 'doc{}'.format(x), 't', 'tag{}'.format(x)) pl.execute() for j in range(tags): pl.execute_command('DEL', 'doc{}'.format(j + i * tags)) pl.execute() forceInvokeGC(env, 'idx') env.expect('FT.DEBUG', 'DUMP_TAGIDX', 'idx', 't').equal([])
[ 1, 529, 9507, 29958, 21150, 29914, 2272, 21150, 29914, 1688, 29918, 11338, 29889, 2272, 13, 29937, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 13, 3166, 7805, 1053, 334, 13, 3166, 3619, 1053, 334, 13, 13, 1753, 2740, 29898, 6272, 29892, 364, 29892, 334, 5085, 1125, 13, 1678, 736, 364, 29889, 7978, 29918, 6519, 877, 615, 29889, 4478, 742, 334, 5085, 29897, 13, 13, 1753, 1243, 8176, 3220, 29898, 6272, 1125, 13, 1678, 364, 353, 8829, 13, 1678, 8829, 29889, 17854, 877, 615, 29889, 3258, 742, 525, 13140, 742, 525, 1164, 742, 525, 29950, 24943, 3788, 11010, 742, 525, 3257, 742, 525, 726, 742, 525, 11338, 742, 525, 4039, 2824, 554, 580, 13, 1678, 405, 353, 29871, 29896, 29900, 13, 1678, 363, 302, 297, 3464, 29898, 29940, 1125, 13, 13, 4706, 8829, 29889, 17854, 877, 615, 29889, 1202, 742, 525, 13140, 742, 525, 1514, 29995, 29881, 29915, 1273, 302, 29892, 29871, 29896, 29889, 29900, 29892, 525, 9621, 742, 13, 462, 462, 539, 525, 3257, 742, 525, 12199, 3186, 1840, 29995, 29881, 29915, 1273, 302, 29892, 525, 11338, 742, 525, 5431, 2594, 29892, 12353, 29892, 4039, 1273, 29881, 29915, 1273, 302, 467, 554, 580, 13, 1678, 363, 903, 297, 364, 29889, 276, 2202, 29918, 2541, 29918, 29878, 2585, 29918, 28120, 7295, 13, 4706, 4480, 2831, 3220, 29898, 29878, 29892, 525, 13140, 1495, 13, 4706, 620, 353, 8829, 29889, 9006, 877, 615, 29889, 4478, 742, 525, 13140, 742, 525, 12199, 3186, 1495, 13, 4706, 8829, 29889, 9294, 9843, 29898, 29896, 29900, 29892, 620, 29961, 29900, 2314, 13, 13, 4706, 620, 353, 8829, 29889, 9006, 877, 615, 29889, 4478, 742, 525, 13140, 742, 525, 5431, 2594, 1495, 13, 4706, 8829, 29889, 9294, 9843, 29898, 29900, 29892, 620, 29961, 29900, 2314, 13, 13, 4706, 620, 353, 8829, 29889, 9006, 877, 615, 29889, 4478, 742, 525, 13140, 742, 18803, 11338, 26254, 5431, 2594, 29913, 1495, 13, 4706, 8829, 29889, 9294, 9843, 29898, 29940, 29892, 620, 29961, 29900, 2314, 13, 13, 4706, 396, 297, 2098, 881, 451, 6602, 8282, 13, 4706, 620, 353, 8829, 29889, 9006, 29898, 13, 9651, 525, 615, 29889, 4478, 742, 525, 13140, 742, 18803, 11338, 26254, 4039, 29871, 29896, 29913, 732, 11338, 26254, 5431, 2594, 29913, 742, 525, 29879, 4757, 742, 525, 29900, 742, 525, 262, 2098, 1495, 13, 4706, 8829, 29889, 9294, 9843, 29898, 29896, 29892, 620, 29961, 29900, 2314, 13, 13, 4706, 363, 302, 297, 3464, 29898, 29940, 448, 29871, 29896, 1125, 13, 9651, 620, 353, 8829, 29889, 9006, 29898, 13, 18884, 525, 615, 29889, 4478, 742, 525, 13140, 742, 18803, 11338, 26254, 4039, 1273, 29881, 10162, 1273, 302, 29892, 525, 1217, 3051, 1495, 13, 9651, 8829, 29889, 9294, 9843, 29898, 29896, 29892, 620, 29961, 29900, 2314, 13, 9651, 8829, 29889, 9294, 9843, 877, 1514, 29995, 29881, 29915, 1273, 302, 29892, 620, 29961, 29896, 2314, 13, 9651, 620, 353, 8829, 29889, 9006, 29898, 13, 18884, 525, 615, 29889, 4478, 742, 525, 13140, 742, 18803, 11338, 26254, 4039, 1966, 1273, 29881, 10162, 1273, 302, 29892, 525, 1217, 3051, 1495, 13, 9651, 8829, 29889, 9294, 9843, 29898, 29896, 29892, 620, 29961, 29900, 2314, 13, 13, 9651, 620, 353, 8829, 29889, 9006, 29898, 13, 18884, 525, 615, 29889, 4478, 742, 525, 13140, 742, 525, 12199, 3186, 732, 11338, 26254, 4039, 1966, 1273, 29881, 29989, 4039, 1273, 29881, 10162, 1273, 313, 29876, 29892, 302, 718, 29871, 29896, 511, 525, 1217, 3051, 1495, 13, 9651, 8829, 29889, 9294, 9843, 29898, 29906, 29892, 620, 29961, 29900, 2314, 13, 9651, 620, 353, 11451, 29906, 24582, 29898, 690, 29961, 29896, 29901, 2314, 13, 9651, 8829, 29889, 9294, 9843, 877, 1514, 29995, 29881, 29915, 1273, 302, 29892, 620, 29961, 29900, 2314, 13, 9651, 8829, 29889, 9294, 9843, 877, 1514, 29995, 29881, 29915, 1273, 313, 29876, 718, 29871, 29896, 511, 620, 29961, 29896, 2314, 13, 13, 9651, 620, 353, 8829, 29889, 9006, 29898, 13, 18884, 525, 615, 29889, 4478, 742, 525, 13140, 742, 525, 8489, 29995, 29881, 732, 11338, 26254, 4039, 1273, 29881, 10162, 1273, 313, 29876, 29892, 302, 511, 525, 1217, 3051, 1495, 13, 9651, 8829, 29889, 9294, 9843, 29898, 29896, 29892, 620, 29961, 29900, 2314, 13, 9651, 8829, 29889, 9294, 9843, 877, 1514, 29995, 29881, 29915, 1273, 302, 29892, 620, 29961, 29896, 2314, 13, 13, 1753, 1243, 2008, 17954, 29898, 6272, 1125, 13, 1678, 364, 353, 8829, 13, 1678, 8829, 29889, 17854, 29898, 13, 4706, 525, 615, 29889, 3258, 742, 525, 13140, 742, 525, 1164, 742, 525, 29950, 24943, 742, 13, 4706, 525, 11010, 742, 525, 3257, 742, 525, 726, 742, 525, 11338, 742, 525, 4039, 742, 525, 344, 17954, 742, 525, 29901, 2824, 554, 580, 13, 13, 1678, 8829, 29889, 17854, 877, 615, 29889, 1202, 742, 525, 13140, 742, 525, 1514, 29896, 742, 29871, 29896, 29889, 29900, 29892, 525, 9621, 742, 13, 462, 462, 259, 525, 3257, 742, 525, 12199, 3186, 742, 525, 11338, 742, 525, 29916, 29901, 12199, 3186, 29901, 1701, 2112, 2594, 29901, 5431, 29892, 1646, 29901, 8456, 29949, 383, 1718, 2824, 554, 580, 13, 1678, 363, 903, 297, 364, 29889, 276, 2202, 29918, 2541, 29918, 29878, 2585, 29918, 28120, 7295, 13, 4706, 4480, 2831, 3220, 29898, 29878, 29892, 525, 13140, 1495, 13, 4706, 363, 3855, 297, 6702, 29992, 11338, 26254, 12199, 3186, 29913, 742, 18803, 11338, 26254, 1181, 2112, 2594, 29913, 742, 18803, 11338, 26254, 5431, 1966, 29892, 1646, 29913, 742, 18803, 11338, 26254, 833, 29877, 1966, 2215, 29913, 742, 18803, 11338, 26254, 29916, 10162, 1125, 13, 9651, 620, 353, 8829, 29889, 9006, 877, 615, 29889, 4478, 742, 525, 13140, 742, 3855, 29897, 13, 9651, 8829, 29889, 9294, 9843, 29898, 29896, 29892, 620, 29961, 29900, 2314, 13, 13, 1753, 1243, 8176, 23095, 29898, 6272, 1125, 13, 1678, 8829, 29889, 11014, 2951, 6821, 5402, 580, 13, 1678, 364, 353, 8829, 13, 1678, 8829, 29889, 17854, 29898, 13, 4706, 525, 615, 29889, 3258, 742, 525, 13140, 742, 525, 1164, 742, 525, 29950, 24943, 742, 13, 4706, 525, 11010, 742, 525, 3257, 742, 525, 726, 742, 525, 11338, 742, 525, 4039, 742, 525, 344, 17954, 742, 13420, 2824, 554, 580, 13, 13, 1678, 8829, 29889, 17854, 877, 615, 29889, 1202, 742, 525, 13140, 742, 525, 1514, 29896, 742, 29871, 29896, 29889, 29900, 29892, 525, 9621, 742, 525, 3257, 742, 525, 12199, 3186, 742, 13, 1669, 525, 11338, 742, 525, 12199, 3186, 29892, 12199, 29899, 11526, 29892, 14181, 29892, 29926, 514, 2824, 554, 580, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 15070, 29918, 4039, 13140, 742, 525, 13140, 742, 525, 11338, 1495, 1678, 320, 13, 4706, 869, 11745, 4197, 1839, 14181, 742, 518, 29896, 20526, 6024, 12199, 3186, 742, 518, 29896, 20526, 6024, 12199, 29899, 11526, 742, 518, 29896, 20526, 6024, 29926, 514, 742, 518, 29896, 5262, 2314, 13, 13, 1678, 363, 903, 297, 364, 29889, 276, 2202, 29918, 2541, 29918, 29878, 2585, 29918, 28120, 7295, 13, 4706, 4480, 2831, 3220, 29898, 29878, 29892, 525, 13140, 1495, 13, 4706, 363, 3855, 297, 6702, 29992, 11338, 26254, 12199, 3186, 29913, 742, 18803, 11338, 26254, 3952, 4044, 742, 18803, 11338, 26254, 12199, 1966, 29899, 4044, 742, 18803, 11338, 26254, 354, 4044, 29374, 13, 9651, 620, 353, 8829, 29889, 9006, 877, 615, 29889, 4478, 742, 525, 13140, 742, 3855, 29897, 13, 9651, 8829, 29889, 9294, 9843, 29898, 690, 29961, 29900, 1402, 29871, 29896, 29897, 13, 13, 1753, 1243, 8176, 3073, 8259, 29898, 6272, 1125, 13, 1678, 364, 353, 8829, 13, 1678, 8829, 29889, 17854, 29898, 13, 4706, 525, 615, 29889, 3258, 742, 525, 13140, 742, 525, 1164, 742, 525, 29950, 24943, 742, 13, 4706, 525, 11010, 742, 525, 3257, 742, 525, 726, 742, 525, 6040, 3174, 742, 525, 4039, 2824, 554, 580, 13, 13, 1678, 8829, 29889, 17854, 877, 615, 29889, 1202, 742, 525, 13140, 742, 525, 1514, 29896, 742, 29871, 29896, 29889, 29900, 29892, 525, 9621, 742, 13, 462, 462, 259, 525, 3257, 742, 525, 12199, 3186, 742, 525, 6040, 3174, 742, 525, 9606, 2208, 29949, 399, 1955, 10249, 29892, 5800, 29949, 350, 1718, 2824, 554, 580, 13, 1678, 363, 903, 297, 364, 29889, 276, 2202, 29918, 2541, 29918, 29878, 2585, 29918, 28120, 7295, 13, 4706, 4480, 2831, 3220, 29898, 29878, 29892, 525, 13140, 1495, 13, 4706, 8829, 29889, 9294, 1293, 9843, 4197, 29900, 1402, 364, 29889, 7978, 29918, 6519, 29898, 13, 9651, 525, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 742, 18803, 11338, 26254, 9606, 2208, 29949, 399, 1955, 10249, 29913, 8785, 13, 4706, 8829, 29889, 9294, 1293, 9843, 4197, 29896, 29892, 525, 1514, 29896, 7464, 364, 29889, 7978, 29918, 6519, 29898, 13, 9651, 525, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 742, 18803, 6040, 3174, 26254, 9606, 2208, 29949, 399, 1955, 10249, 29913, 742, 525, 6632, 22412, 3919, 8785, 13, 4706, 8829, 29889, 9294, 1293, 9843, 4197, 29896, 29892, 525, 1514, 29896, 7464, 364, 29889, 7978, 29918, 6519, 29898, 13, 9651, 525, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 742, 18803, 6040, 3174, 26254, 5431, 2594, 29913, 742, 525, 6632, 22412, 3919, 8785, 13, 4706, 8829, 29889, 9294, 1293, 9843, 4197, 29900, 1402, 364, 29889, 7978, 29918, 6519, 29898, 13, 9651, 525, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 742, 18803, 6040, 10749, 26254, 5431, 2594, 29913, 742, 525, 6632, 22412, 3919, 8785, 13, 13, 1753, 1243, 13919, 16676, 29898, 6272, 1125, 13, 1678, 364, 353, 8829, 13, 1678, 396, 8340, 5877, 13, 1678, 411, 8829, 29889, 9294, 5103, 2392, 7295, 13, 4706, 364, 29889, 7978, 29918, 6519, 29898, 13, 9651, 525, 615, 29889, 3258, 742, 525, 13140, 742, 525, 1164, 742, 525, 29950, 24943, 742, 13, 9651, 525, 11010, 742, 525, 3257, 742, 525, 726, 742, 525, 11338, 742, 525, 4039, 742, 525, 344, 17954, 1495, 13, 1678, 411, 8829, 29889, 9294, 5103, 2392, 7295, 13, 4706, 364, 29889, 7978, 29918, 6519, 29898, 13, 9651, 525, 615, 29889, 3258, 742, 525, 13140, 742, 525, 1164, 742, 525, 29950, 24943, 742, 13, 9651, 525, 11010, 742, 525, 3257, 742, 525, 726, 742, 525, 11338, 742, 525, 4039, 742, 525, 344, 17954, 742, 376, 5431, 1159, 13, 1678, 411, 8829, 29889, 9294, 5103, 2392, 7295, 13, 4706, 364, 29889, 7978, 29918, 6519, 29898, 13, 9651, 525, 615, 29889, 3258, 742, 525, 13140, 742, 525, 1164, 742, 525, 29950, 24943, 742, 13, 9651, 525, 11010, 742, 525, 3257, 742, 525, 726, 742, 525, 11338, 742, 525, 4039, 742, 525, 344, 17954, 742, 20569, 13, 13, 1753, 1243, 8176, 29963, 1338, 29898, 6272, 1125, 13, 1678, 364, 353, 8829, 13, 1678, 364, 29889, 7978, 29918, 6519, 29898, 13, 4706, 525, 615, 29889, 3258, 742, 525, 13140, 742, 525, 1164, 742, 525, 29950, 24943, 742, 13, 4706, 525, 11010, 742, 525, 3257, 742, 525, 726, 742, 525, 11338, 742, 525, 4039, 742, 525, 720, 814, 810, 742, 525, 4039, 1495, 13, 13, 1678, 405, 353, 29871, 29896, 29900, 29900, 13, 1678, 599, 11338, 353, 731, 580, 13, 1678, 363, 302, 297, 3464, 29898, 29940, 1125, 13, 4706, 8282, 353, 6702, 5431, 1273, 29881, 29915, 1273, 302, 29892, 525, 1646, 1273, 29881, 29915, 1273, 302, 29892, 525, 29916, 1495, 13, 4706, 599, 11338, 29889, 1202, 29898, 11338, 29961, 29900, 2314, 13, 4706, 599, 11338, 29889, 1202, 29898, 11338, 29961, 29896, 2314, 13, 4706, 599, 11338, 29889, 1202, 29898, 11338, 29961, 29906, 2314, 13, 13, 4706, 8829, 29889, 9294, 20434, 29898, 29878, 29889, 7978, 29918, 6519, 877, 615, 29889, 1202, 742, 525, 13140, 742, 525, 1514, 29995, 29881, 29915, 1273, 302, 29892, 29871, 29896, 29889, 29900, 29892, 525, 9621, 742, 13, 462, 462, 539, 525, 11338, 742, 13420, 4286, 7122, 29898, 11338, 511, 525, 720, 814, 810, 742, 525, 27975, 1273, 29881, 29915, 1273, 938, 29898, 29876, 849, 29871, 29906, 4961, 13, 1678, 363, 903, 297, 364, 29889, 276, 2202, 29918, 2541, 29918, 29878, 2585, 29918, 28120, 7295, 13, 4706, 4480, 2831, 3220, 29898, 29878, 29892, 525, 13140, 1495, 13, 4706, 620, 353, 364, 29889, 7978, 29918, 6519, 877, 615, 29889, 4039, 791, 29879, 742, 525, 13140, 742, 525, 11338, 1495, 13, 4706, 8829, 29889, 9294, 9843, 29898, 29940, 334, 29871, 29906, 718, 29871, 29896, 29892, 7431, 29898, 690, 876, 13, 13, 4706, 8829, 29889, 9294, 9843, 29898, 497, 11338, 29892, 731, 29898, 690, 876, 13, 13, 4706, 620, 353, 364, 29889, 7978, 29918, 6519, 877, 615, 29889, 4039, 791, 29879, 742, 525, 13140, 742, 525, 720, 814, 810, 1495, 13, 4706, 8829, 29889, 9294, 9843, 29898, 29940, 847, 29871, 29906, 29892, 7431, 29898, 690, 876, 13, 13, 4706, 8829, 29889, 17854, 877, 615, 29889, 4039, 791, 29879, 742, 525, 13140, 2824, 22692, 2392, 580, 13, 4706, 8829, 29889, 17854, 877, 615, 29889, 4039, 791, 29879, 742, 525, 13140, 742, 525, 13140, 742, 525, 13140, 2824, 22692, 2392, 580, 13, 4706, 8829, 29889, 17854, 877, 615, 29889, 4039, 791, 29879, 742, 525, 29888, 1296, 29918, 13140, 742, 525, 11338, 2824, 22692, 2392, 580, 13, 4706, 8829, 29889, 17854, 877, 615, 29889, 4039, 791, 29879, 742, 525, 13140, 742, 525, 29888, 1296, 29918, 11338, 2824, 22692, 2392, 580, 13, 4706, 8829, 29889, 17854, 877, 615, 29889, 4039, 791, 29879, 742, 525, 13140, 742, 525, 3257, 2824, 22692, 2392, 580, 13, 13, 1753, 1243, 7974, 3664, 24217, 8176, 1917, 29898, 6272, 1125, 13, 1678, 396, 445, 1243, 8830, 1207, 1854, 591, 526, 451, 454, 5086, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 27045, 22645, 6732, 379, 24943, 317, 3210, 26862, 260, 323, 10051, 317, 8476, 6181, 2824, 554, 580, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 22645, 732, 29873, 26254, 791, 29913, 2824, 11745, 4197, 29900, 2314, 13, 13, 1753, 1243, 29902, 893, 434, 29896, 29941, 29900, 29945, 29898, 6272, 1125, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 27045, 590, 1204, 29916, 6732, 379, 24943, 317, 3210, 26862, 3611, 323, 10051, 2824, 554, 580, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 17744, 590, 1204, 29916, 1574, 29906, 29871, 29896, 29889, 29900, 9338, 6670, 8452, 3611, 376, 1287, 29908, 2824, 554, 580, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 17744, 590, 1204, 29916, 1574, 29906, 29871, 29896, 29889, 29900, 9338, 6670, 8452, 3611, 376, 12199, 29908, 2824, 2704, 580, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 17744, 590, 1204, 29916, 1574, 29941, 29871, 29896, 29889, 29900, 9338, 6670, 8452, 3611, 376, 12199, 29908, 2824, 554, 580, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 17744, 590, 1204, 29916, 1574, 29896, 29871, 29896, 29889, 29900, 9338, 6670, 8452, 3611, 376, 12199, 29892, 1287, 29908, 2824, 554, 580, 13, 1678, 3806, 1666, 353, 11117, 1514, 29896, 29915, 584, 6024, 7192, 742, 6024, 3257, 742, 18793, 12199, 29892, 1287, 29908, 2033, 1402, 525, 1514, 29941, 29915, 584, 6024, 7192, 742, 6024, 3257, 742, 18793, 12199, 29908, 2033, 1402, 525, 1514, 29906, 29915, 584, 6024, 7192, 742, 6024, 3257, 742, 18793, 1287, 29908, 2033, 12258, 13, 1678, 620, 353, 8829, 29889, 9006, 877, 615, 29889, 4478, 742, 525, 1357, 1204, 29916, 742, 525, 30022, 29992, 3257, 26254, 13762, 29913, 3695, 29992, 3257, 26254, 14181, 29913, 742, 525, 29956, 13054, 29903, 3217, 15989, 29861, 29896, 17531, 13, 1678, 620, 353, 426, 690, 29961, 29875, 5387, 690, 29961, 29875, 718, 29871, 29896, 29901, 474, 718, 29871, 29941, 29962, 363, 474, 297, 3464, 29898, 29900, 29892, 7431, 29898, 690, 511, 29871, 29941, 2915, 13, 1678, 8829, 29889, 9294, 9843, 29898, 690, 29892, 3806, 1666, 29897, 13, 13, 1753, 1243, 8176, 8259, 29903, 575, 3321, 29898, 6272, 1125, 13, 1678, 11009, 353, 679, 5350, 2059, 21745, 29898, 6272, 29897, 13, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 27045, 22645, 29896, 317, 3210, 26862, 260, 323, 10051, 2824, 554, 580, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 27045, 22645, 29906, 317, 3210, 26862, 260, 323, 10051, 29134, 29903, 1430, 29903, 1806, 18474, 2824, 554, 580, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 27045, 22645, 29941, 317, 3210, 26862, 260, 323, 10051, 3725, 16320, 1299, 1955, 869, 2824, 554, 580, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 27045, 22645, 29946, 317, 3210, 26862, 260, 323, 10051, 3725, 16320, 1299, 1955, 869, 29134, 29903, 1430, 29903, 1806, 18474, 2824, 554, 580, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 27045, 22645, 29945, 317, 3210, 26862, 260, 323, 10051, 29134, 29903, 1430, 29903, 1806, 18474, 3725, 16320, 1299, 1955, 869, 2824, 554, 580, 13, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29896, 742, 525, 29873, 742, 525, 5431, 29892, 5800, 29949, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29906, 742, 525, 29873, 742, 525, 5800, 29949, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29941, 742, 525, 29873, 742, 525, 5431, 1495, 13, 13, 1678, 565, 451, 8829, 29889, 275, 29918, 19594, 7295, 13, 4706, 11009, 29889, 7978, 29918, 6519, 877, 7818, 29889, 25903, 742, 525, 10490, 742, 525, 22051, 29968, 29918, 8766, 29918, 29907, 1307, 2190, 29918, 4690, 1525, 7068, 5607, 29928, 742, 525, 29900, 1495, 13, 4706, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 15070, 29918, 4039, 13140, 742, 525, 13140, 29896, 742, 525, 29873, 2824, 11745, 4197, 1839, 5431, 742, 518, 29896, 29892, 29871, 29906, 29892, 29871, 29941, 5262, 2314, 13, 4706, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 15070, 29918, 4039, 13140, 742, 525, 13140, 29906, 742, 525, 29873, 2824, 11745, 4197, 1839, 5431, 742, 518, 29896, 29892, 29871, 29941, 20526, 6024, 5800, 29949, 742, 518, 29896, 29892, 29871, 29906, 5262, 2314, 13, 4706, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 15070, 29918, 4039, 13140, 742, 525, 13140, 29941, 742, 525, 29873, 2824, 11745, 4197, 1839, 5431, 742, 518, 29906, 29892, 29871, 29941, 20526, 6024, 5431, 29892, 5431, 742, 518, 29896, 5262, 2314, 13, 4706, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 15070, 29918, 4039, 13140, 742, 525, 13140, 29946, 742, 525, 29873, 2824, 11745, 4197, 1839, 5431, 742, 518, 29941, 20526, 6024, 5431, 29892, 5800, 29949, 742, 518, 29896, 20526, 6024, 5800, 29949, 742, 518, 29906, 5262, 2314, 13, 4706, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 15070, 29918, 4039, 13140, 742, 525, 13140, 29945, 742, 525, 29873, 2824, 11745, 4197, 1839, 5431, 742, 518, 29941, 20526, 6024, 5431, 29892, 5800, 29949, 742, 518, 29896, 20526, 6024, 5800, 29949, 742, 518, 29906, 5262, 2314, 13, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29896, 742, 18803, 29873, 26254, 5800, 29949, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29941, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 5431, 29892, 5800, 29949, 7464, 525, 1514, 29906, 742, 6024, 29873, 742, 525, 5800, 29949, 7464, 525, 1514, 29941, 742, 6024, 29873, 742, 525, 5431, 2033, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29896, 742, 18803, 29873, 26254, 5431, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29941, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 5431, 29892, 5800, 29949, 7464, 525, 1514, 29906, 742, 6024, 29873, 742, 525, 5800, 29949, 7464, 525, 1514, 29941, 742, 6024, 29873, 742, 525, 5431, 2033, 2314, 13, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29906, 742, 18803, 29873, 26254, 5800, 29949, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29906, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 5431, 29892, 5800, 29949, 7464, 525, 1514, 29906, 742, 6024, 29873, 742, 525, 5800, 29949, 2033, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29906, 742, 18803, 29873, 26254, 5431, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29906, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 5431, 29892, 5800, 29949, 7464, 525, 1514, 29941, 742, 6024, 29873, 742, 525, 5431, 2033, 2314, 13, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29896, 742, 525, 29873, 742, 525, 29888, 288, 29892, 29943, 438, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29906, 742, 525, 29873, 742, 525, 29943, 438, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29941, 742, 525, 29873, 742, 525, 29888, 288, 1495, 13, 13, 1678, 565, 451, 8829, 29889, 275, 29918, 19594, 7295, 13, 4706, 4889, 20731, 8766, 29898, 6272, 29892, 525, 13140, 29896, 1495, 13, 4706, 4889, 20731, 8766, 29898, 6272, 29892, 525, 13140, 29906, 1495, 13, 4706, 4889, 20731, 8766, 29898, 6272, 29892, 525, 13140, 29941, 1495, 13, 4706, 4889, 20731, 8766, 29898, 6272, 29892, 525, 13140, 29946, 1495, 13, 4706, 4889, 20731, 8766, 29898, 6272, 29892, 525, 13140, 29945, 1495, 13, 13, 4706, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 15070, 29918, 4039, 13140, 742, 525, 13140, 29896, 742, 525, 29873, 2824, 11745, 4197, 1839, 29888, 288, 742, 518, 29946, 29892, 29871, 29945, 29892, 29871, 29953, 5262, 2314, 13, 4706, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 15070, 29918, 4039, 13140, 742, 525, 13140, 29906, 742, 525, 29873, 2824, 11745, 4197, 1839, 29888, 288, 742, 518, 29946, 29892, 29871, 29953, 20526, 6024, 29943, 438, 742, 518, 29946, 29892, 29871, 29945, 5262, 2314, 13, 4706, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 15070, 29918, 4039, 13140, 742, 525, 13140, 29941, 742, 525, 29873, 2824, 11745, 4197, 1839, 29888, 288, 742, 518, 29945, 29892, 29871, 29953, 20526, 6024, 29888, 288, 29892, 29888, 288, 742, 518, 29946, 5262, 2314, 13, 4706, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 15070, 29918, 4039, 13140, 742, 525, 13140, 29946, 742, 525, 29873, 2824, 11745, 4197, 1839, 29888, 288, 742, 518, 29953, 20526, 6024, 29888, 288, 29892, 29943, 438, 742, 518, 29946, 20526, 6024, 29943, 438, 742, 518, 29945, 5262, 2314, 13, 4706, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 15070, 29918, 4039, 13140, 742, 525, 13140, 29945, 742, 525, 29873, 2824, 11745, 4197, 1839, 29888, 288, 742, 518, 29953, 20526, 6024, 29888, 288, 29892, 29943, 438, 742, 518, 29946, 20526, 6024, 29943, 438, 742, 518, 29945, 5262, 2314, 13, 13, 1678, 396, 451, 4251, 575, 3321, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29896, 742, 18803, 29873, 26254, 29943, 1966, 438, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29941, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 29888, 288, 29892, 29943, 438, 7464, 525, 1514, 29906, 742, 6024, 29873, 742, 525, 29943, 438, 7464, 525, 1514, 29941, 742, 6024, 29873, 742, 525, 29888, 288, 2033, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29896, 742, 18803, 29873, 26254, 29888, 1966, 288, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29941, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 29888, 288, 29892, 29943, 438, 7464, 525, 1514, 29906, 742, 6024, 29873, 742, 525, 29943, 438, 7464, 525, 1514, 29941, 742, 6024, 29873, 742, 525, 29888, 288, 2033, 2314, 13, 13, 1678, 396, 4251, 575, 3321, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29906, 742, 18803, 29873, 26254, 29943, 1966, 438, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29906, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 29888, 288, 29892, 29943, 438, 7464, 525, 1514, 29906, 742, 6024, 29873, 742, 525, 29943, 438, 2033, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29906, 742, 18803, 29873, 26254, 29888, 1966, 288, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29906, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 29888, 288, 29892, 29943, 438, 7464, 525, 1514, 29941, 742, 6024, 29873, 742, 525, 29888, 288, 2033, 2314, 13, 13, 1678, 396, 451, 4251, 575, 3321, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29941, 742, 18803, 29873, 26254, 29888, 1966, 288, 1966, 29892, 29888, 1966, 288, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29896, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 29888, 288, 29892, 29943, 438, 2033, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29941, 742, 18803, 29873, 26254, 29888, 1966, 288, 1966, 29892, 29943, 1966, 438, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29896, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 29888, 288, 29892, 29943, 438, 2033, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29941, 742, 18803, 29873, 26254, 29943, 1966, 438, 1966, 29892, 29943, 1966, 438, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29896, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 29888, 288, 29892, 29943, 438, 2033, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29941, 742, 18803, 29873, 26254, 29943, 1966, 438, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29906, 29892, 525, 1514, 29906, 742, 6024, 29873, 742, 525, 29943, 438, 7464, 525, 1514, 29941, 742, 6024, 29873, 742, 525, 29888, 288, 2033, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29941, 742, 18803, 29873, 26254, 29888, 1966, 288, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29906, 29892, 525, 1514, 29906, 742, 6024, 29873, 742, 525, 29943, 438, 7464, 525, 1514, 29941, 742, 6024, 29873, 742, 525, 29888, 288, 2033, 2314, 13, 13, 1678, 396, 4251, 575, 3321, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29946, 742, 18803, 29873, 26254, 29888, 1966, 288, 1966, 29892, 29888, 1966, 288, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29900, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29946, 742, 18803, 29873, 26254, 29888, 1966, 288, 1966, 29892, 29943, 1966, 438, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29896, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 29888, 288, 29892, 29943, 438, 2033, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29946, 742, 18803, 29873, 26254, 29943, 1966, 438, 1966, 29892, 29943, 1966, 438, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29900, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29946, 742, 18803, 29873, 26254, 29943, 1966, 438, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29896, 29892, 525, 1514, 29906, 742, 6024, 29873, 742, 525, 29943, 438, 2033, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 29946, 742, 18803, 29873, 26254, 29888, 1966, 288, 29913, 1495, 308, 320, 13, 4706, 869, 11745, 4197, 29896, 29892, 525, 1514, 29941, 742, 6024, 29873, 742, 525, 29888, 288, 2033, 2314, 13, 13, 1753, 1243, 8176, 29954, 4174, 1945, 8915, 29898, 6272, 1125, 13, 1678, 8829, 29889, 11014, 2951, 6821, 5402, 580, 13, 13, 1678, 11009, 353, 679, 5350, 2059, 21745, 29898, 6272, 29897, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 7818, 29889, 25903, 742, 525, 10490, 742, 525, 22051, 29968, 29918, 8766, 29918, 29907, 1307, 2190, 29918, 4690, 1525, 7068, 5607, 29928, 742, 525, 29900, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 7818, 29889, 27045, 742, 525, 13140, 742, 525, 29903, 3210, 26862, 742, 525, 29873, 742, 525, 16881, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29896, 742, 525, 29873, 742, 525, 5431, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29906, 742, 525, 29873, 742, 525, 1646, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29941, 742, 525, 29873, 742, 525, 27975, 1495, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 14849, 3580, 29918, 16881, 1367, 29990, 742, 525, 13140, 742, 525, 29873, 2824, 11745, 4197, 1839, 5431, 742, 518, 29896, 20526, 6024, 1646, 742, 518, 29906, 20526, 6024, 27975, 742, 518, 29941, 5262, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 742, 18803, 29873, 26254, 5431, 29913, 2824, 11745, 4197, 29896, 29892, 525, 1514, 29896, 742, 6024, 29873, 742, 525, 5431, 2033, 2314, 13, 13, 1678, 396, 5217, 1023, 8282, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 2287, 29931, 742, 525, 1514, 29896, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 2287, 29931, 742, 525, 1514, 29906, 1495, 13, 1678, 4889, 20731, 8766, 29898, 6272, 29892, 525, 13140, 1495, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 14849, 3580, 29918, 16881, 1367, 29990, 742, 525, 13140, 742, 525, 29873, 2824, 11745, 4197, 1839, 27975, 742, 518, 29941, 5262, 2314, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 742, 18803, 29873, 26254, 5431, 29913, 2824, 11745, 4197, 29900, 2314, 13, 13, 1678, 396, 5217, 1833, 4055, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 2287, 29931, 742, 525, 1514, 29941, 1495, 13, 1678, 4889, 20731, 8766, 29898, 6272, 29892, 525, 13140, 1495, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 14849, 3580, 29918, 16881, 1367, 29990, 742, 525, 13140, 742, 525, 29873, 2824, 11745, 4197, 2314, 13, 13, 1678, 396, 1423, 1840, 508, 367, 1304, 1156, 1641, 4069, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29946, 742, 525, 29873, 742, 525, 5431, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29945, 742, 525, 29873, 742, 525, 5431, 1495, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 1660, 1718, 3210, 742, 525, 13140, 742, 18803, 29873, 26254, 5431, 29913, 1495, 29871, 320, 13, 4706, 869, 11745, 4197, 29906, 29892, 525, 1514, 29946, 742, 6024, 29873, 742, 525, 5431, 7464, 525, 1514, 29945, 742, 6024, 29873, 742, 525, 5431, 2033, 2314, 13, 13, 1753, 1243, 8176, 29954, 4174, 1945, 8915, 3047, 19890, 29898, 6272, 1125, 13, 1678, 8829, 29889, 11014, 2951, 6821, 5402, 580, 13, 13, 1678, 11009, 353, 679, 5350, 2059, 21745, 29898, 6272, 29897, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 7818, 29889, 25903, 742, 525, 10490, 742, 525, 22051, 29968, 29918, 8766, 29918, 29907, 1307, 2190, 29918, 4690, 1525, 7068, 5607, 29928, 742, 525, 29900, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 7818, 29889, 27045, 742, 525, 13140, 742, 525, 29903, 3210, 26862, 742, 525, 29873, 742, 525, 16881, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29896, 742, 525, 29873, 742, 525, 5431, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29906, 742, 525, 29873, 742, 525, 5431, 1495, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 14849, 3580, 29918, 16881, 1367, 29990, 742, 525, 13140, 742, 525, 29873, 2824, 11745, 4197, 1839, 5431, 742, 518, 29896, 29892, 29871, 29906, 5262, 2314, 13, 13, 1678, 620, 29892, 10677, 353, 8829, 29889, 9006, 877, 7818, 29889, 10051, 29954, 18166, 3040, 742, 525, 13140, 742, 18803, 29873, 26254, 5431, 29913, 742, 525, 29956, 13054, 22484, 29903, 1955, 742, 525, 18736, 742, 525, 29896, 1495, 13, 1678, 8829, 29889, 9294, 9843, 29898, 690, 29892, 518, 29896, 29892, 5159, 2314, 13, 13, 1678, 396, 5217, 1716, 10701, 322, 1065, 278, 19983, 304, 5941, 525, 5431, 29915, 21292, 287, 2380, 13, 1678, 8829, 29889, 17854, 877, 2287, 29931, 742, 525, 1514, 29896, 2824, 11745, 29898, 29896, 29897, 13, 1678, 8829, 29889, 17854, 877, 2287, 29931, 742, 525, 1514, 29906, 2824, 11745, 29898, 29896, 29897, 13, 13, 1678, 4889, 20731, 8766, 29898, 6272, 29892, 525, 13140, 1495, 13, 13, 1678, 396, 1207, 1854, 278, 21292, 287, 2380, 471, 5941, 287, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 14849, 3580, 29918, 16881, 1367, 29990, 742, 525, 13140, 742, 525, 29873, 2824, 11745, 4197, 2314, 13, 13, 1678, 396, 1303, 515, 278, 10677, 13, 1678, 620, 29892, 10677, 353, 8829, 29889, 9006, 877, 7818, 29889, 22484, 29903, 1955, 742, 525, 16310, 742, 525, 13140, 742, 10677, 29897, 13, 1678, 8829, 29889, 9294, 9843, 29898, 690, 29892, 518, 29900, 2314, 13, 1678, 8829, 29889, 9294, 9843, 29898, 18127, 29892, 29871, 29900, 29897, 13, 13, 1753, 1243, 8176, 29954, 4174, 1945, 8915, 3047, 19890, 2855, 20761, 1469, 29898, 6272, 1125, 13, 1678, 8829, 29889, 11014, 2951, 6821, 5402, 580, 13, 13, 1678, 11009, 353, 679, 5350, 2059, 21745, 29898, 6272, 29897, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 7818, 29889, 25903, 742, 525, 10490, 742, 525, 22051, 29968, 29918, 8766, 29918, 29907, 1307, 2190, 29918, 4690, 1525, 7068, 5607, 29928, 742, 525, 29900, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 7818, 29889, 27045, 742, 525, 13140, 742, 525, 29903, 3210, 26862, 742, 525, 29873, 742, 525, 16881, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29896, 742, 525, 29873, 742, 525, 5431, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29906, 742, 525, 29873, 742, 525, 5431, 1495, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 14849, 3580, 29918, 16881, 1367, 29990, 742, 525, 13140, 742, 525, 29873, 2824, 11745, 4197, 1839, 5431, 742, 518, 29896, 29892, 29871, 29906, 5262, 2314, 13, 13, 1678, 620, 29892, 10677, 353, 8829, 29889, 9006, 877, 7818, 29889, 10051, 29954, 18166, 3040, 742, 525, 13140, 742, 18803, 29873, 26254, 5431, 29913, 742, 525, 29956, 13054, 22484, 29903, 1955, 742, 525, 18736, 742, 525, 29896, 1495, 13, 1678, 8829, 29889, 9294, 9843, 29898, 690, 29892, 518, 29896, 29892, 5159, 2314, 13, 13, 1678, 396, 5217, 1716, 10701, 322, 1065, 278, 19983, 304, 5941, 525, 5431, 29915, 21292, 287, 2380, 13, 1678, 8829, 29889, 17854, 877, 2287, 29931, 742, 525, 1514, 29896, 2824, 11745, 29898, 29896, 29897, 13, 1678, 8829, 29889, 17854, 877, 2287, 29931, 742, 525, 1514, 29906, 2824, 11745, 29898, 29896, 29897, 13, 13, 1678, 4889, 20731, 8766, 29898, 6272, 29892, 525, 13140, 1495, 13, 13, 1678, 396, 1207, 1854, 278, 21292, 287, 2380, 471, 5941, 287, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 14849, 3580, 29918, 16881, 1367, 29990, 742, 525, 13140, 742, 525, 29873, 2824, 11745, 4197, 2314, 13, 13, 1678, 396, 788, 848, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29941, 742, 525, 29873, 742, 525, 5431, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 29946, 742, 525, 29873, 742, 525, 5431, 1495, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 14849, 3580, 29918, 16881, 1367, 29990, 742, 525, 13140, 742, 525, 29873, 2824, 11745, 4197, 1839, 5431, 742, 518, 29941, 29892, 29871, 29946, 5262, 2314, 13, 13, 1678, 396, 1303, 515, 278, 10677, 13, 1678, 620, 29892, 10677, 353, 11009, 29889, 7978, 29918, 6519, 877, 7818, 29889, 22484, 29903, 1955, 742, 525, 16310, 742, 525, 13140, 742, 10677, 29897, 13, 1678, 8829, 29889, 9294, 9843, 29898, 690, 29892, 518, 29900, 2314, 13, 1678, 8829, 29889, 9294, 9843, 29898, 18127, 29892, 29871, 29900, 29897, 13, 13, 1678, 396, 9801, 2678, 10701, 411, 1021, 4055, 526, 1303, 13, 1678, 620, 353, 11009, 29889, 7978, 29918, 6519, 877, 7818, 29889, 10051, 29954, 18166, 3040, 742, 525, 13140, 742, 18803, 29873, 26254, 5431, 29913, 1495, 13, 1678, 8829, 29889, 9294, 9843, 29898, 690, 29892, 518, 29896, 29892, 19997, 5159, 2314, 13, 13, 29992, 6465, 519, 13, 1753, 1243, 8915, 8176, 3226, 557, 29898, 6272, 1125, 13, 1678, 8829, 29889, 11014, 2951, 6821, 5402, 580, 13, 13, 1678, 25785, 353, 29871, 29896, 13, 1678, 8282, 353, 29871, 29941, 29900, 13, 13, 1678, 11009, 353, 679, 5350, 2059, 21745, 29898, 6272, 29897, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 7818, 29889, 25903, 742, 525, 10490, 742, 525, 22051, 29968, 29918, 8766, 29918, 29907, 1307, 2190, 29918, 4690, 1525, 7068, 5607, 29928, 742, 525, 29900, 1495, 13, 1678, 11009, 29889, 7978, 29918, 6519, 877, 7818, 29889, 27045, 742, 525, 13140, 742, 525, 29903, 3210, 26862, 742, 525, 29873, 742, 525, 16881, 1495, 13, 1678, 715, 353, 11009, 29889, 13096, 5570, 580, 13, 13, 1678, 363, 474, 297, 3464, 29898, 1270, 7799, 1125, 13, 4706, 363, 432, 297, 3464, 29898, 11338, 1125, 13, 9651, 921, 353, 432, 718, 474, 334, 8282, 13, 9651, 715, 29889, 7978, 29918, 6519, 877, 29950, 10490, 742, 525, 1514, 8875, 4286, 4830, 29898, 29916, 511, 525, 29873, 742, 525, 4039, 8875, 4286, 4830, 29898, 29916, 876, 13, 4706, 715, 29889, 7978, 580, 13, 4706, 363, 432, 297, 3464, 29898, 11338, 1125, 13, 9651, 715, 29889, 7978, 29918, 6519, 877, 2287, 29931, 742, 525, 1514, 8875, 4286, 4830, 29898, 29926, 718, 474, 334, 8282, 876, 13, 4706, 715, 29889, 7978, 580, 13, 1678, 4889, 20731, 8766, 29898, 6272, 29892, 525, 13140, 1495, 13, 1678, 8829, 29889, 17854, 877, 7818, 29889, 18525, 742, 525, 14849, 3580, 29918, 16881, 1367, 29990, 742, 525, 13140, 742, 525, 29873, 2824, 11745, 4197, 2314, 13, 2 ]
scrips/rename.py
YingqiLiulll/scrips_for_SR
0
94939
import numpy as np import os from skimage import io path = r'/data1/zyli/benchmark/Set5/LR_bicubic/X4/' img_path = sorted([os.path.join(path, name) for name in os.listdir(path) if name.endswith('.png')])###这里的'.tif'可以换成任意的文件后缀 for i in range(len(img_path)): img_name = img_path[i] print(img_name) name = img_name.split('x4')[0] ext = img_name.split('x4')[1] print(name+ext) os.rename(img_name, name+ext)
[ 1, 29871, 13, 5215, 12655, 408, 7442, 13, 5215, 2897, 13, 3166, 2071, 3027, 1053, 12013, 13, 13, 2084, 353, 364, 29915, 29914, 1272, 29896, 29914, 1537, 492, 29914, 1785, 16580, 29914, 2697, 29945, 29914, 29519, 29918, 29890, 293, 431, 293, 29914, 29990, 29946, 22208, 13, 2492, 29918, 2084, 353, 12705, 4197, 359, 29889, 2084, 29889, 7122, 29898, 2084, 29892, 1024, 29897, 363, 1024, 297, 2897, 29889, 1761, 3972, 29898, 2084, 29897, 565, 1024, 29889, 1975, 2541, 12839, 2732, 1495, 2314, 2277, 29937, 30810, 30755, 30210, 4286, 29873, 361, 29915, 30682, 30651, 31640, 30494, 31450, 31474, 30210, 30333, 30631, 30822, 234, 191, 131, 13, 1454, 474, 297, 3464, 29898, 2435, 29898, 2492, 29918, 2084, 22164, 13, 1678, 10153, 29918, 978, 353, 10153, 29918, 2084, 29961, 29875, 29962, 13, 1678, 1596, 29898, 2492, 29918, 978, 29897, 13, 1678, 1024, 353, 10153, 29918, 978, 29889, 5451, 877, 29916, 29946, 29861, 29900, 29962, 13, 1678, 1294, 353, 10153, 29918, 978, 29889, 5451, 877, 29916, 29946, 29861, 29896, 29962, 13, 1678, 1596, 29898, 978, 29974, 1062, 29897, 13, 1678, 2897, 29889, 1267, 420, 29898, 2492, 29918, 978, 29892, 1024, 29974, 1062, 29897, 13, 2 ]
monitor_sdk/api/translate/translate_client.py
easyopsapis/easyops-api-python
5
130973
# -*- coding: utf-8 -*- import os import sys import monitor_sdk.api.translate.list_translate_data_pb2 import monitor_sdk.api.translate.list_translate_rule_pb2 import monitor_sdk.utils.http_util import google.protobuf.json_format class TranslateClient(object): def __init__(self, server_ip="", server_port=0, service_name="", host=""): """ 初始化client :param server_ip: 指定sdk请求的server_ip,为空时走名字服务路由 :param server_port: 指定sdk请求的server_port,与server_ip一起使用, 为空时走名字服务路由 :param service_name: 指定sdk请求的service_name, 为空时按契约名称路由。如果server_ip和service_name同时设置,server_ip优先级更高 :param host: 指定sdk请求服务的host名称, 如cmdb.easyops-only.com """ if server_ip == "" and server_port != 0 or server_ip != "" and server_port == 0: raise Exception("server_ip和server_port必须同时指定") self._server_ip = server_ip self._server_port = server_port self._service_name = service_name self._host = host def list_translate_data(self, request, org, user, timeout=10): # type: (monitor_sdk.api.translate.list_translate_data_pb2.ListTranslateDataRequest, int, str, int) -> monitor_sdk.api.translate.list_translate_data_pb2.ListTranslateDataResponse """ 获取翻译规则对应的翻译数据 :param request: list_translate_data请求 :param org: 客户的org编号,为数字 :param user: 调用api使用的用户名 :param timeout: 调用超时时间,单位秒 :return: monitor_sdk.api.translate.list_translate_data_pb2.ListTranslateDataResponse """ headers = {"org": org, "user": user} route_name = "" server_ip = self._server_ip if self._service_name != "": route_name = self._service_name elif self._server_ip != "": route_name = "easyops.api.monitor.translate.ListTranslateData" uri = "/api/v2/translate/storm/data" requestParam = request rsp_obj = monitor_sdk.utils.http_util.do_api_request( method="GET", src_name="logic.monitor_sdk", dst_name=route_name, server_ip=server_ip, server_port=self._server_port, host=self._host, uri=uri, params=google.protobuf.json_format.MessageToDict( requestParam, preserving_proto_field_name=True), headers=headers, timeout=timeout, ) rsp = monitor_sdk.api.translate.list_translate_data_pb2.ListTranslateDataResponse() google.protobuf.json_format.ParseDict(rsp_obj, rsp, ignore_unknown_fields=True) return rsp def list_translate_rule(self, request, org, user, timeout=10): # type: (monitor_sdk.api.translate.list_translate_rule_pb2.ListTranslateRuleRequest, int, str, int) -> monitor_sdk.api.translate.list_translate_rule_pb2.ListTranslateRuleResponse """ 获取翻译规则列表 :param request: list_translate_rule请求 :param org: 客户的org编号,为数字 :param user: 调用api使用的用户名 :param timeout: 调用超时时间,单位秒 :return: monitor_sdk.api.translate.list_translate_rule_pb2.ListTranslateRuleResponse """ headers = {"org": org, "user": user} route_name = "" server_ip = self._server_ip if self._service_name != "": route_name = self._service_name elif self._server_ip != "": route_name = "easyops.api.monitor.translate.ListTranslateRule" uri = "/api/v1/translate/rule" requestParam = request rsp_obj = monitor_sdk.utils.http_util.do_api_request( method="GET", src_name="logic.monitor_sdk", dst_name=route_name, server_ip=server_ip, server_port=self._server_port, host=self._host, uri=uri, params=google.protobuf.json_format.MessageToDict( requestParam, preserving_proto_field_name=True), headers=headers, timeout=timeout, ) rsp = monitor_sdk.api.translate.list_translate_rule_pb2.ListTranslateRuleResponse() google.protobuf.json_format.ParseDict(rsp_obj, rsp, ignore_unknown_fields=True) return rsp
[ 1, 396, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 5215, 2897, 13, 5215, 10876, 13, 13, 13, 5215, 11819, 29918, 15348, 29889, 2754, 29889, 21652, 29889, 1761, 29918, 21652, 29918, 1272, 29918, 24381, 29906, 13, 13, 5215, 11819, 29918, 15348, 29889, 2754, 29889, 21652, 29889, 1761, 29918, 21652, 29918, 7491, 29918, 24381, 29906, 13, 13, 5215, 11819, 29918, 15348, 29889, 13239, 29889, 1124, 29918, 4422, 13, 5215, 5386, 29889, 17529, 9721, 29889, 3126, 29918, 4830, 13, 13, 13, 1990, 4103, 9632, 4032, 29898, 3318, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 1923, 29918, 666, 543, 613, 1923, 29918, 637, 29922, 29900, 29892, 2669, 29918, 978, 543, 613, 3495, 13776, 1125, 13, 4706, 9995, 13, 308, 31120, 31020, 30705, 4645, 13, 4706, 584, 3207, 1923, 29918, 666, 29901, 29871, 31084, 30495, 15348, 31088, 31376, 30210, 2974, 29918, 666, 30214, 30573, 30816, 30594, 235, 184, 179, 30548, 30578, 31520, 31358, 30874, 31272, 13, 4706, 584, 3207, 1923, 29918, 637, 29901, 29871, 31084, 30495, 15348, 31088, 31376, 30210, 2974, 29918, 637, 30214, 31267, 2974, 29918, 666, 30287, 31558, 30785, 30406, 29892, 29871, 30573, 30816, 30594, 235, 184, 179, 30548, 30578, 31520, 31358, 30874, 31272, 13, 4706, 584, 3207, 2669, 29918, 978, 29901, 29871, 31084, 30495, 15348, 31088, 31376, 30210, 5509, 29918, 978, 29892, 29871, 30573, 30816, 30594, 31590, 232, 168, 148, 234, 189, 169, 30548, 31685, 30874, 31272, 30267, 30847, 30801, 2974, 29918, 666, 30503, 5509, 29918, 978, 30980, 30594, 30872, 30669, 30214, 2974, 29918, 666, 231, 191, 155, 31244, 234, 189, 170, 31100, 30528, 13, 4706, 584, 3207, 3495, 29901, 29871, 31084, 30495, 15348, 31088, 31376, 31520, 31358, 30210, 3069, 30548, 31685, 29892, 29871, 30847, 4912, 2585, 29889, 29872, 8995, 3554, 29899, 6194, 29889, 510, 13, 4706, 9995, 13, 4706, 565, 1923, 29918, 666, 1275, 5124, 322, 1923, 29918, 637, 2804, 29871, 29900, 470, 1923, 29918, 666, 2804, 5124, 322, 1923, 29918, 637, 1275, 29871, 29900, 29901, 13, 9651, 12020, 8960, 703, 2974, 29918, 666, 30503, 2974, 29918, 637, 31641, 236, 164, 190, 30980, 30594, 31084, 30495, 1159, 13, 4706, 1583, 3032, 2974, 29918, 666, 353, 1923, 29918, 666, 13, 4706, 1583, 3032, 2974, 29918, 637, 353, 1923, 29918, 637, 13, 4706, 1583, 3032, 5509, 29918, 978, 353, 2669, 29918, 978, 13, 4706, 1583, 3032, 3069, 353, 3495, 13, 13, 268, 13, 1678, 822, 1051, 29918, 21652, 29918, 1272, 29898, 1311, 29892, 2009, 29892, 1638, 29892, 1404, 29892, 11815, 29922, 29896, 29900, 1125, 13, 4706, 396, 1134, 29901, 313, 3712, 2105, 29918, 15348, 29889, 2754, 29889, 21652, 29889, 1761, 29918, 21652, 29918, 1272, 29918, 24381, 29906, 29889, 1293, 4300, 9632, 1469, 3089, 29892, 938, 29892, 851, 29892, 938, 29897, 1599, 11819, 29918, 15348, 29889, 2754, 29889, 21652, 29889, 1761, 29918, 21652, 29918, 1272, 29918, 24381, 29906, 29889, 1293, 4300, 9632, 1469, 5103, 13, 4706, 9995, 13, 308, 31024, 30683, 234, 194, 190, 235, 178, 148, 235, 170, 135, 31403, 30783, 31370, 30210, 234, 194, 190, 235, 178, 148, 30354, 30763, 13, 4706, 584, 3207, 2009, 29901, 1051, 29918, 21652, 29918, 1272, 31088, 31376, 13, 4706, 584, 3207, 1638, 29901, 29871, 31915, 31229, 30210, 990, 31795, 30850, 30214, 30573, 30354, 30578, 13, 4706, 584, 3207, 1404, 29901, 29871, 31268, 30406, 2754, 30785, 30406, 30210, 30406, 31229, 30548, 13, 4706, 584, 3207, 11815, 29901, 29871, 31268, 30406, 31480, 30594, 30594, 31016, 30214, 31166, 30956, 234, 170, 149, 13, 4706, 584, 2457, 29901, 11819, 29918, 15348, 29889, 2754, 29889, 21652, 29889, 1761, 29918, 21652, 29918, 1272, 29918, 24381, 29906, 29889, 1293, 4300, 9632, 1469, 5103, 13, 4706, 9995, 13, 4706, 9066, 353, 8853, 990, 1115, 1638, 29892, 376, 1792, 1115, 1404, 29913, 13, 4706, 5782, 29918, 978, 353, 5124, 13, 4706, 1923, 29918, 666, 353, 1583, 3032, 2974, 29918, 666, 13, 4706, 565, 1583, 3032, 5509, 29918, 978, 2804, 376, 1115, 13, 9651, 5782, 29918, 978, 353, 1583, 3032, 5509, 29918, 978, 13, 4706, 25342, 1583, 3032, 2974, 29918, 666, 2804, 376, 1115, 13, 9651, 5782, 29918, 978, 353, 376, 29872, 8995, 3554, 29889, 2754, 29889, 3712, 2105, 29889, 21652, 29889, 1293, 4300, 9632, 1469, 29908, 13, 4706, 21333, 353, 5591, 2754, 29914, 29894, 29906, 29914, 21652, 29914, 303, 555, 29914, 1272, 29908, 13, 308, 13, 4706, 2009, 4736, 353, 2009, 13, 308, 13, 4706, 364, 1028, 29918, 5415, 353, 11819, 29918, 15348, 29889, 13239, 29889, 1124, 29918, 4422, 29889, 1867, 29918, 2754, 29918, 3827, 29898, 13, 9651, 1158, 543, 7194, 613, 13, 9651, 4765, 29918, 978, 543, 19227, 29889, 3712, 2105, 29918, 15348, 613, 13, 9651, 29743, 29918, 978, 29922, 13134, 29918, 978, 29892, 13, 9651, 1923, 29918, 666, 29922, 2974, 29918, 666, 29892, 13, 9651, 1923, 29918, 637, 29922, 1311, 3032, 2974, 29918, 637, 29892, 13, 9651, 3495, 29922, 1311, 3032, 3069, 29892, 13, 9651, 21333, 29922, 5338, 29892, 13, 9651, 8636, 29922, 3608, 29889, 17529, 9721, 29889, 3126, 29918, 4830, 29889, 3728, 1762, 21533, 29898, 13, 18884, 2009, 4736, 29892, 2225, 29530, 29918, 17529, 29918, 2671, 29918, 978, 29922, 5574, 511, 13, 9651, 9066, 29922, 13662, 29892, 13, 9651, 11815, 29922, 15619, 29892, 13, 4706, 1723, 13, 4706, 364, 1028, 353, 11819, 29918, 15348, 29889, 2754, 29889, 21652, 29889, 1761, 29918, 21652, 29918, 1272, 29918, 24381, 29906, 29889, 1293, 4300, 9632, 1469, 5103, 580, 13, 308, 13, 4706, 5386, 29889, 17529, 9721, 29889, 3126, 29918, 4830, 29889, 12914, 21533, 29898, 29878, 1028, 29918, 5415, 29892, 364, 1028, 29892, 11455, 29918, 26690, 29918, 9621, 29922, 5574, 29897, 13, 308, 13, 4706, 736, 364, 1028, 13, 268, 13, 1678, 822, 1051, 29918, 21652, 29918, 7491, 29898, 1311, 29892, 2009, 29892, 1638, 29892, 1404, 29892, 11815, 29922, 29896, 29900, 1125, 13, 4706, 396, 1134, 29901, 313, 3712, 2105, 29918, 15348, 29889, 2754, 29889, 21652, 29889, 1761, 29918, 21652, 29918, 7491, 29918, 24381, 29906, 29889, 1293, 4300, 9632, 10740, 3089, 29892, 938, 29892, 851, 29892, 938, 29897, 1599, 11819, 29918, 15348, 29889, 2754, 29889, 21652, 29889, 1761, 29918, 21652, 29918, 7491, 29918, 24381, 29906, 29889, 1293, 4300, 9632, 10740, 5103, 13, 4706, 9995, 13, 308, 31024, 30683, 234, 194, 190, 235, 178, 148, 235, 170, 135, 31403, 31025, 30746, 13, 4706, 584, 3207, 2009, 29901, 1051, 29918, 21652, 29918, 7491, 31088, 31376, 13, 4706, 584, 3207, 1638, 29901, 29871, 31915, 31229, 30210, 990, 31795, 30850, 30214, 30573, 30354, 30578, 13, 4706, 584, 3207, 1404, 29901, 29871, 31268, 30406, 2754, 30785, 30406, 30210, 30406, 31229, 30548, 13, 4706, 584, 3207, 11815, 29901, 29871, 31268, 30406, 31480, 30594, 30594, 31016, 30214, 31166, 30956, 234, 170, 149, 13, 4706, 584, 2457, 29901, 11819, 29918, 15348, 29889, 2754, 29889, 21652, 29889, 1761, 29918, 21652, 29918, 7491, 29918, 24381, 29906, 29889, 1293, 4300, 9632, 10740, 5103, 13, 4706, 9995, 13, 4706, 9066, 353, 8853, 990, 1115, 1638, 29892, 376, 1792, 1115, 1404, 29913, 13, 4706, 5782, 29918, 978, 353, 5124, 13, 4706, 1923, 29918, 666, 353, 1583, 3032, 2974, 29918, 666, 13, 4706, 565, 1583, 3032, 5509, 29918, 978, 2804, 376, 1115, 13, 9651, 5782, 29918, 978, 353, 1583, 3032, 5509, 29918, 978, 13, 4706, 25342, 1583, 3032, 2974, 29918, 666, 2804, 376, 1115, 13, 9651, 5782, 29918, 978, 353, 376, 29872, 8995, 3554, 29889, 2754, 29889, 3712, 2105, 29889, 21652, 29889, 1293, 4300, 9632, 10740, 29908, 13, 4706, 21333, 353, 5591, 2754, 29914, 29894, 29896, 29914, 21652, 29914, 7491, 29908, 13, 308, 13, 4706, 2009, 4736, 353, 2009, 13, 308, 13, 4706, 364, 1028, 29918, 5415, 353, 11819, 29918, 15348, 29889, 13239, 29889, 1124, 29918, 4422, 29889, 1867, 29918, 2754, 29918, 3827, 29898, 13, 9651, 1158, 543, 7194, 613, 13, 9651, 4765, 29918, 978, 543, 19227, 29889, 3712, 2105, 29918, 15348, 613, 13, 9651, 29743, 29918, 978, 29922, 13134, 29918, 978, 29892, 13, 9651, 1923, 29918, 666, 29922, 2974, 29918, 666, 29892, 13, 9651, 1923, 29918, 637, 29922, 1311, 3032, 2974, 29918, 637, 29892, 13, 9651, 3495, 29922, 1311, 3032, 3069, 29892, 13, 9651, 21333, 29922, 5338, 29892, 13, 9651, 8636, 29922, 3608, 29889, 17529, 9721, 29889, 3126, 29918, 4830, 29889, 3728, 1762, 21533, 29898, 13, 18884, 2009, 4736, 29892, 2225, 29530, 29918, 17529, 29918, 2671, 29918, 978, 29922, 5574, 511, 13, 9651, 9066, 29922, 13662, 29892, 13, 9651, 11815, 29922, 15619, 29892, 13, 4706, 1723, 13, 4706, 364, 1028, 353, 11819, 29918, 15348, 29889, 2754, 29889, 21652, 29889, 1761, 29918, 21652, 29918, 7491, 29918, 24381, 29906, 29889, 1293, 4300, 9632, 10740, 5103, 580, 13, 308, 13, 4706, 5386, 29889, 17529, 9721, 29889, 3126, 29918, 4830, 29889, 12914, 21533, 29898, 29878, 1028, 29918, 5415, 29892, 364, 1028, 29892, 11455, 29918, 26690, 29918, 9621, 29922, 5574, 29897, 13, 308, 13, 4706, 736, 364, 1028, 13, 268, 13, 2 ]
problem_49/test_prime_permutations.py
plilja/project-euler
0
34913
<filename>problem_49/test_prime_permutations.py import unittest from prime_permutations import * class PrimePermutationsTest(unittest.TestCase): def test_prime_permutations(self): self.assertEqual(sorted(prime_permutations()), sorted([2969, 6299, 9629])) if __name__ == '__main__': unittest.main()
[ 1, 529, 9507, 29958, 17199, 29918, 29946, 29929, 29914, 1688, 29918, 10080, 29918, 546, 6149, 800, 29889, 2272, 13, 5215, 443, 27958, 13, 13, 3166, 6019, 29918, 546, 6149, 800, 1053, 334, 13, 13, 13, 1990, 15512, 15737, 329, 800, 3057, 29898, 348, 27958, 29889, 3057, 8259, 1125, 13, 1678, 822, 1243, 29918, 10080, 29918, 546, 6149, 800, 29898, 1311, 1125, 13, 4706, 1583, 29889, 9294, 9843, 29898, 24582, 29898, 10080, 29918, 546, 6149, 800, 25739, 12705, 4197, 29906, 29929, 29953, 29929, 29892, 29871, 29953, 29906, 29929, 29929, 29892, 29871, 29929, 29953, 29906, 29929, 12622, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 443, 27958, 29889, 3396, 580, 13, 2 ]
djangular_serve/__init__.py
forafekt/djangular-serve
0
188261
<reponame>forafekt/djangular-serve from .serve import main
[ 1, 529, 276, 1112, 420, 29958, 1454, 29874, 1725, 1193, 29914, 19776, 6825, 29899, 16349, 13, 3166, 869, 16349, 1053, 1667, 13, 2 ]
test/test_dgcspn.py
fedelux3/deeprob-kit
0
113191
<reponame>fedelux3/deeprob-kit import unittest import torch import numpy as np from deeprob.spn.layers.dgcspn import SpatialGaussianLayer, SpatialProductLayer, SpatialSumLayer, SpatialRootLayer class TestDgcSpn(unittest.TestCase): def __init__(self, *args, **kwargs): super(TestDgcSpn, self).__init__(*args, **kwargs) @classmethod def setUpClass(cls): torch.manual_seed(42) torch.set_grad_enabled(False) cls.in_features = (3, 32, 32) cls.in_channels, cls.in_height, cls.in_width = cls.in_features cls.data = torch.ones([8, *cls.in_features]) def test_gaussian_layer(self): gaussian = SpatialGaussianLayer( self.in_features, out_channels=16, optimize_scale=False, uniform_loc=(-1.0, 1.0) ) self.assertEqual(gaussian.out_features, (16, self.in_height, self.in_width)) self.assertTrue(torch.all(gaussian.loc >= -1.0) and torch.all(gaussian.loc <= 1.0)) self.assertTrue(torch.all(gaussian.scale == 1.0)) self.assertFalse(gaussian.scale.requires_grad) gaussian = SpatialGaussianLayer( self.in_features, out_channels=16, optimize_scale=True ) self.assertTrue(torch.all(gaussian.scale > 0.0)) self.assertTrue(gaussian.scale.requires_grad) self.assertRaises( ValueError, SpatialGaussianLayer, self.in_features, 16, quantiles_loc=np.zeros([16, *self.in_features]), uniform_loc=(-1.0, 1.0) ) def test_depthwise_product_layer(self): product = SpatialProductLayer( self.in_features, kernel_size=2, padding='full', stride=1, dilation=4, depthwise=True ) self.assertEqual(product.pad, [4, 4, 4, 4]) self.assertTrue(torch.all(product.weight == torch.ones(self.in_channels, 1, 2, 2))) self.assertEqual(product.out_features, (self.in_channels, self.in_height + 4, self.in_width + 4)) self.assertTrue(torch.allclose(product(self.data)[:, :, 4:-4, 4:-4], torch.tensor(4.0))) product = SpatialProductLayer( self.in_features, kernel_size=2, padding='valid', stride=2, dilation=1, depthwise=True ) self.assertEqual(product.pad, [0, 0, 0, 0]) self.assertTrue(torch.all(product.weight == torch.ones(self.in_channels, 1, 2, 2))) self.assertEqual(product.out_features, (self.in_channels, self.in_height // 2, self.in_width // 2)) self.assertTrue(torch.allclose(product(self.data), torch.tensor(4.0))) def test_non_depthwise_product_layer(self): product = SpatialProductLayer( self.in_features, kernel_size=2, padding='full', stride=1, dilation=8, depthwise=False ) self.assertEqual(product.pad, [8, 8, 8, 8]) self.assertEqual(tuple(product.weight.shape), (self.in_channels ** 4, self.in_channels, 2, 2)) self.assertTrue(torch.allclose(torch.sum(product.weight, dim=1), torch.tensor(1.0))) self.assertEqual(product.out_features, (self.in_channels ** 4, self.in_height + 8, self.in_width + 8)) self.assertTrue(torch.allclose(product(self.data)[:, :, 8:-8, 8:-8], torch.tensor(4.0))) def test_sum_layer(self): sum = SpatialSumLayer(self.in_features, out_channels=8) self.assertEqual(sum.out_features, (8, self.in_height, self.in_width)) def test_root_layer(self): root = SpatialRootLayer(self.in_features, out_channels=8) self.assertEqual(root.out_channels, 8) self.assertEqual(tuple(root.weight.shape), (8, np.prod(self.in_features))) if __name__ == '__main__': unittest.main()
[ 1, 529, 276, 1112, 420, 29958, 29888, 287, 295, 1314, 29941, 29914, 311, 29872, 22795, 29899, 7354, 13, 5215, 443, 27958, 13, 5215, 4842, 305, 13, 5215, 12655, 408, 7442, 13, 13, 3166, 316, 29872, 22795, 29889, 1028, 29876, 29889, 29277, 29889, 20726, 29883, 1028, 29876, 1053, 1706, 15238, 29954, 17019, 14420, 29892, 1706, 15238, 7566, 14420, 29892, 1706, 15238, 11139, 14420, 29892, 1706, 15238, 10303, 14420, 13, 13, 13, 1990, 4321, 29928, 27354, 5592, 29876, 29898, 348, 27958, 29889, 3057, 8259, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 2428, 29898, 3057, 29928, 27354, 5592, 29876, 29892, 1583, 467, 1649, 2344, 1649, 10456, 5085, 29892, 3579, 19290, 29897, 13, 13, 1678, 732, 1990, 5696, 13, 1678, 822, 731, 3373, 2385, 29898, 25932, 1125, 13, 4706, 4842, 305, 29889, 11288, 29918, 26776, 29898, 29946, 29906, 29897, 13, 4706, 4842, 305, 29889, 842, 29918, 5105, 29918, 17590, 29898, 8824, 29897, 13, 4706, 1067, 29879, 29889, 262, 29918, 22100, 353, 313, 29941, 29892, 29871, 29941, 29906, 29892, 29871, 29941, 29906, 29897, 13, 4706, 1067, 29879, 29889, 262, 29918, 305, 12629, 29892, 1067, 29879, 29889, 262, 29918, 3545, 29892, 1067, 29879, 29889, 262, 29918, 2103, 353, 1067, 29879, 29889, 262, 29918, 22100, 13, 4706, 1067, 29879, 29889, 1272, 353, 4842, 305, 29889, 2873, 4197, 29947, 29892, 334, 25932, 29889, 262, 29918, 22100, 2314, 13, 13, 1678, 822, 1243, 29918, 29887, 17019, 29918, 13148, 29898, 1311, 1125, 13, 4706, 330, 17019, 353, 1706, 15238, 29954, 17019, 14420, 29898, 13, 9651, 1583, 29889, 262, 29918, 22100, 29892, 714, 29918, 305, 12629, 29922, 29896, 29953, 29892, 13, 9651, 24656, 29918, 7052, 29922, 8824, 29892, 9090, 29918, 2029, 29922, 6278, 29896, 29889, 29900, 29892, 29871, 29896, 29889, 29900, 29897, 13, 4706, 1723, 13, 4706, 1583, 29889, 9294, 9843, 29898, 29887, 17019, 29889, 449, 29918, 22100, 29892, 313, 29896, 29953, 29892, 1583, 29889, 262, 29918, 3545, 29892, 1583, 29889, 262, 29918, 2103, 876, 13, 4706, 1583, 29889, 9294, 5574, 29898, 7345, 305, 29889, 497, 29898, 29887, 17019, 29889, 2029, 6736, 448, 29896, 29889, 29900, 29897, 322, 4842, 305, 29889, 497, 29898, 29887, 17019, 29889, 2029, 5277, 29871, 29896, 29889, 29900, 876, 13, 4706, 1583, 29889, 9294, 5574, 29898, 7345, 305, 29889, 497, 29898, 29887, 17019, 29889, 7052, 1275, 29871, 29896, 29889, 29900, 876, 13, 4706, 1583, 29889, 9294, 8824, 29898, 29887, 17019, 29889, 7052, 29889, 276, 339, 2658, 29918, 5105, 29897, 13, 4706, 330, 17019, 353, 1706, 15238, 29954, 17019, 14420, 29898, 13, 9651, 1583, 29889, 262, 29918, 22100, 29892, 714, 29918, 305, 12629, 29922, 29896, 29953, 29892, 13, 9651, 24656, 29918, 7052, 29922, 5574, 13, 4706, 1723, 13, 4706, 1583, 29889, 9294, 5574, 29898, 7345, 305, 29889, 497, 29898, 29887, 17019, 29889, 7052, 1405, 29871, 29900, 29889, 29900, 876, 13, 4706, 1583, 29889, 9294, 5574, 29898, 29887, 17019, 29889, 7052, 29889, 276, 339, 2658, 29918, 5105, 29897, 13, 4706, 1583, 29889, 9294, 29934, 1759, 267, 29898, 13, 9651, 7865, 2392, 29892, 1706, 15238, 29954, 17019, 14420, 29892, 1583, 29889, 262, 29918, 22100, 29892, 29871, 29896, 29953, 29892, 13, 9651, 4323, 5475, 29918, 2029, 29922, 9302, 29889, 3298, 359, 4197, 29896, 29953, 29892, 334, 1311, 29889, 262, 29918, 22100, 11724, 9090, 29918, 2029, 29922, 6278, 29896, 29889, 29900, 29892, 29871, 29896, 29889, 29900, 29897, 13, 4706, 1723, 13, 13, 1678, 822, 1243, 29918, 19488, 3538, 29918, 4704, 29918, 13148, 29898, 1311, 1125, 13, 4706, 3234, 353, 1706, 15238, 7566, 14420, 29898, 13, 9651, 1583, 29889, 262, 29918, 22100, 29892, 8466, 29918, 2311, 29922, 29906, 29892, 7164, 2433, 8159, 742, 13, 9651, 380, 2426, 29922, 29896, 29892, 270, 8634, 29922, 29946, 29892, 10809, 3538, 29922, 5574, 13, 4706, 1723, 13, 4706, 1583, 29889, 9294, 9843, 29898, 4704, 29889, 8305, 29892, 518, 29946, 29892, 29871, 29946, 29892, 29871, 29946, 29892, 29871, 29946, 2314, 13, 4706, 1583, 29889, 9294, 5574, 29898, 7345, 305, 29889, 497, 29898, 4704, 29889, 7915, 1275, 4842, 305, 29889, 2873, 29898, 1311, 29889, 262, 29918, 305, 12629, 29892, 29871, 29896, 29892, 29871, 29906, 29892, 29871, 29906, 4961, 13, 4706, 1583, 29889, 9294, 9843, 29898, 4704, 29889, 449, 29918, 22100, 29892, 313, 1311, 29889, 262, 29918, 305, 12629, 29892, 1583, 29889, 262, 29918, 3545, 718, 29871, 29946, 29892, 1583, 29889, 262, 29918, 2103, 718, 29871, 29946, 876, 13, 4706, 1583, 29889, 9294, 5574, 29898, 7345, 305, 29889, 497, 5358, 29898, 4704, 29898, 1311, 29889, 1272, 29897, 7503, 29892, 584, 29892, 29871, 29946, 13018, 29946, 29892, 29871, 29946, 13018, 29946, 1402, 4842, 305, 29889, 20158, 29898, 29946, 29889, 29900, 4961, 13, 4706, 3234, 353, 1706, 15238, 7566, 14420, 29898, 13, 9651, 1583, 29889, 262, 29918, 22100, 29892, 8466, 29918, 2311, 29922, 29906, 29892, 7164, 2433, 3084, 742, 13, 9651, 380, 2426, 29922, 29906, 29892, 270, 8634, 29922, 29896, 29892, 10809, 3538, 29922, 5574, 13, 4706, 1723, 13, 4706, 1583, 29889, 9294, 9843, 29898, 4704, 29889, 8305, 29892, 518, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 2314, 13, 4706, 1583, 29889, 9294, 5574, 29898, 7345, 305, 29889, 497, 29898, 4704, 29889, 7915, 1275, 4842, 305, 29889, 2873, 29898, 1311, 29889, 262, 29918, 305, 12629, 29892, 29871, 29896, 29892, 29871, 29906, 29892, 29871, 29906, 4961, 13, 4706, 1583, 29889, 9294, 9843, 29898, 4704, 29889, 449, 29918, 22100, 29892, 313, 1311, 29889, 262, 29918, 305, 12629, 29892, 1583, 29889, 262, 29918, 3545, 849, 29871, 29906, 29892, 1583, 29889, 262, 29918, 2103, 849, 29871, 29906, 876, 13, 4706, 1583, 29889, 9294, 5574, 29898, 7345, 305, 29889, 497, 5358, 29898, 4704, 29898, 1311, 29889, 1272, 511, 4842, 305, 29889, 20158, 29898, 29946, 29889, 29900, 4961, 13, 13, 1678, 822, 1243, 29918, 5464, 29918, 19488, 3538, 29918, 4704, 29918, 13148, 29898, 1311, 1125, 13, 4706, 3234, 353, 1706, 15238, 7566, 14420, 29898, 13, 9651, 1583, 29889, 262, 29918, 22100, 29892, 8466, 29918, 2311, 29922, 29906, 29892, 7164, 2433, 8159, 742, 13, 9651, 380, 2426, 29922, 29896, 29892, 270, 8634, 29922, 29947, 29892, 10809, 3538, 29922, 8824, 13, 4706, 1723, 13, 4706, 1583, 29889, 9294, 9843, 29898, 4704, 29889, 8305, 29892, 518, 29947, 29892, 29871, 29947, 29892, 29871, 29947, 29892, 29871, 29947, 2314, 13, 4706, 1583, 29889, 9294, 9843, 29898, 23583, 29898, 4704, 29889, 7915, 29889, 12181, 511, 313, 1311, 29889, 262, 29918, 305, 12629, 3579, 29871, 29946, 29892, 1583, 29889, 262, 29918, 305, 12629, 29892, 29871, 29906, 29892, 29871, 29906, 876, 13, 4706, 1583, 29889, 9294, 5574, 29898, 7345, 305, 29889, 497, 5358, 29898, 7345, 305, 29889, 2083, 29898, 4704, 29889, 7915, 29892, 3964, 29922, 29896, 511, 4842, 305, 29889, 20158, 29898, 29896, 29889, 29900, 4961, 13, 4706, 1583, 29889, 9294, 9843, 29898, 4704, 29889, 449, 29918, 22100, 29892, 313, 1311, 29889, 262, 29918, 305, 12629, 3579, 29871, 29946, 29892, 1583, 29889, 262, 29918, 3545, 718, 29871, 29947, 29892, 1583, 29889, 262, 29918, 2103, 718, 29871, 29947, 876, 13, 4706, 1583, 29889, 9294, 5574, 29898, 7345, 305, 29889, 497, 5358, 29898, 4704, 29898, 1311, 29889, 1272, 29897, 7503, 29892, 584, 29892, 29871, 29947, 13018, 29947, 29892, 29871, 29947, 13018, 29947, 1402, 4842, 305, 29889, 20158, 29898, 29946, 29889, 29900, 4961, 13, 13, 1678, 822, 1243, 29918, 2083, 29918, 13148, 29898, 1311, 1125, 13, 4706, 2533, 353, 1706, 15238, 11139, 14420, 29898, 1311, 29889, 262, 29918, 22100, 29892, 714, 29918, 305, 12629, 29922, 29947, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2083, 29889, 449, 29918, 22100, 29892, 313, 29947, 29892, 1583, 29889, 262, 29918, 3545, 29892, 1583, 29889, 262, 29918, 2103, 876, 13, 13, 1678, 822, 1243, 29918, 4632, 29918, 13148, 29898, 1311, 1125, 13, 4706, 3876, 353, 1706, 15238, 10303, 14420, 29898, 1311, 29889, 262, 29918, 22100, 29892, 714, 29918, 305, 12629, 29922, 29947, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 4632, 29889, 449, 29918, 305, 12629, 29892, 29871, 29947, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 23583, 29898, 4632, 29889, 7915, 29889, 12181, 511, 313, 29947, 29892, 7442, 29889, 10633, 29898, 1311, 29889, 262, 29918, 22100, 4961, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 443, 27958, 29889, 3396, 580, 13, 2 ]
app/editor/new_game_dialog.py
zerorock1312/lt-maker-master
0
141937
from PyQt5.QtWidgets import QVBoxLayout, QDialog, QLineEdit, QDialogButtonBox from app.extensions.custom_gui import PropertyBox, Dialog class NewGameDialog(Dialog): def __init__(self, parent=None): super().__init__(parent) self.setWindowTitle("New Game") self.window = parent layout = QVBoxLayout() self.setLayout(layout) self.game_box = PropertyBox('Unique Game ID', QLineEdit, self) self.game_box.edit.setPlaceholderText("Unique Game ID") self.game_box.edit.textChanged.connect(self.text_changed) layout.addWidget(self.game_box) self.game_title_box = PropertyBox("Game Title", QLineEdit, self) self.game_title_box.edit.setPlaceholderText("Game Title") self.game_title_box.edit.textChanged.connect(self.text_changed) layout.addWidget(self.game_title_box) layout.addWidget(self.buttonbox) self.buttonbox.button(QDialogButtonBox.Ok).setEnabled(False) def text_changed(self, text): if (self.game_title_box.edit.text() or self.game_box.edit.text()): self.buttonbox.button(QDialogButtonBox.Ok).setEnabled(True) else: self.buttonbox.button(QDialogButtonBox.Ok).setEnabled(False) @classmethod def get(cls, parent=None): dialog = cls(parent) result = dialog.exec_() if result == QDialog.Accepted: return (dialog.game_box.edit.text(), dialog.game_title_box.edit.text()) else: return None
[ 1, 515, 10772, 17303, 29945, 29889, 17303, 8801, 29879, 1053, 660, 29963, 3313, 3453, 29892, 660, 7647, 29892, 660, 3542, 6103, 29892, 660, 7647, 3125, 3313, 13, 3166, 623, 29889, 24299, 29889, 6341, 29918, 23569, 1053, 9079, 3313, 29892, 18878, 13, 13, 1990, 1570, 14199, 7647, 29898, 7647, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 3847, 29922, 8516, 1125, 13, 4706, 2428, 2141, 1649, 2344, 12035, 3560, 29897, 13, 4706, 1583, 29889, 842, 5907, 7030, 703, 4373, 8448, 1159, 13, 4706, 1583, 29889, 7165, 353, 3847, 13, 13, 4706, 5912, 353, 660, 29963, 3313, 3453, 580, 13, 4706, 1583, 29889, 842, 3453, 29898, 2680, 29897, 13, 13, 4706, 1583, 29889, 11802, 29918, 1884, 353, 9079, 3313, 877, 8110, 802, 8448, 3553, 742, 660, 3542, 6103, 29892, 1583, 29897, 13, 4706, 1583, 29889, 11802, 29918, 1884, 29889, 5628, 29889, 842, 22150, 7694, 1626, 703, 8110, 802, 8448, 3553, 1159, 13, 4706, 1583, 29889, 11802, 29918, 1884, 29889, 5628, 29889, 726, 7590, 29889, 6915, 29898, 1311, 29889, 726, 29918, 15033, 29897, 13, 4706, 5912, 29889, 1202, 8801, 29898, 1311, 29889, 11802, 29918, 1884, 29897, 13, 13, 4706, 1583, 29889, 11802, 29918, 3257, 29918, 1884, 353, 9079, 3313, 703, 14199, 18527, 613, 660, 3542, 6103, 29892, 1583, 29897, 13, 4706, 1583, 29889, 11802, 29918, 3257, 29918, 1884, 29889, 5628, 29889, 842, 22150, 7694, 1626, 703, 14199, 18527, 1159, 13, 4706, 1583, 29889, 11802, 29918, 3257, 29918, 1884, 29889, 5628, 29889, 726, 7590, 29889, 6915, 29898, 1311, 29889, 726, 29918, 15033, 29897, 13, 4706, 5912, 29889, 1202, 8801, 29898, 1311, 29889, 11802, 29918, 3257, 29918, 1884, 29897, 13, 13, 4706, 5912, 29889, 1202, 8801, 29898, 1311, 29889, 3092, 1884, 29897, 13, 4706, 1583, 29889, 3092, 1884, 29889, 3092, 29898, 29984, 7647, 3125, 3313, 29889, 20434, 467, 842, 10861, 29898, 8824, 29897, 13, 13, 1678, 822, 1426, 29918, 15033, 29898, 1311, 29892, 1426, 1125, 13, 4706, 565, 313, 1311, 29889, 11802, 29918, 3257, 29918, 1884, 29889, 5628, 29889, 726, 580, 470, 1583, 29889, 11802, 29918, 1884, 29889, 5628, 29889, 726, 580, 1125, 13, 9651, 1583, 29889, 3092, 1884, 29889, 3092, 29898, 29984, 7647, 3125, 3313, 29889, 20434, 467, 842, 10861, 29898, 5574, 29897, 13, 4706, 1683, 29901, 13, 9651, 1583, 29889, 3092, 1884, 29889, 3092, 29898, 29984, 7647, 3125, 3313, 29889, 20434, 467, 842, 10861, 29898, 8824, 29897, 13, 13, 1678, 732, 1990, 5696, 13, 1678, 822, 679, 29898, 25932, 29892, 3847, 29922, 8516, 1125, 13, 4706, 7928, 353, 1067, 29879, 29898, 3560, 29897, 13, 4706, 1121, 353, 7928, 29889, 4258, 29918, 580, 13, 4706, 565, 1121, 1275, 660, 7647, 29889, 23965, 287, 29901, 13, 9651, 736, 313, 15901, 29889, 11802, 29918, 1884, 29889, 5628, 29889, 726, 3285, 7928, 29889, 11802, 29918, 3257, 29918, 1884, 29889, 5628, 29889, 726, 3101, 13, 4706, 1683, 29901, 13, 9651, 736, 6213, 13, 2 ]
cassie/misc/plotting_ex.py
WooQi57/cassie-run
36
77487
import numpy as np import time import math # from cassie_env import CassieEnv from cassiemujoco import * from trajectory.trajectory import CassieTrajectory import matplotlib.pyplot as plt from matplotlib import style from matplotlib.animation import FuncAnimation import matplotlib.animation as animation from mpl_toolkits.mplot3d import Axes3D from IPython import display def visualise_sim_graph(file_path, freq_of_sim): traj = np.load(file_path) # env = CassieEnv("walking") # csim = CassieSim("./cassie/cassiemujoco/cassie.xml") # vis = CassieVis(csim, "./cassie/cassiemujoco/cassie.xml") u = pd_in_t() # pelvisXYZ = traj.f.qpos_replay[:, 0:3] # render_state = vis.draw(csim) # saved_time = traj.f.time[:] #################Graphing########### log_time = traj.f.time[:] y_val = traj.f.qpos_replay[:,2] #z - height x_data= log_time y_data = y_val delt_x = (x_data[1] - x_data[0]) * 1000 #convert seconds to ms num_frames = math.ceil(len(x_data) / 10) Writer = animation.writers['ffmpeg'] writer = Writer(fps=15, metadata=dict(artist='Me'), bitrate=1800) output = plt.plot([]) plt.close() print(output[0]) x = np.linspace(0,2*np.pi, 100) fig = plt.figure() lines = plt.plot([]) line = lines[0] #other setup //set x and y lims plt.xlim(x_data.min(), x_data.max()) plt.ylim(y_data.min(), y_data.max()) def animate(frame): #update x = x_data[:frame*10] y = y_data[:frame*10] # y = np.sin(x + 2*np.pi * frame/100) line.set_data((x,y)) anim = FuncAnimation(fig, animate, frames=num_frames, interval=(1/freq_of_sim * 1000 + (10 * delt_x))) #20 is 50 fps anim.save('lines.mp4', writer=writer) # html = display.HTML(video) # display.display(html) plt.close() visualise_sim_graph("./outfile8.npz", 30)
[ 1, 1053, 12655, 408, 7442, 13, 5215, 931, 13, 5215, 5844, 13, 13, 29937, 515, 274, 465, 347, 29918, 6272, 1053, 13088, 347, 21745, 13, 13, 3166, 274, 465, 3768, 8016, 6235, 1053, 334, 13, 3166, 23324, 706, 29889, 3018, 622, 706, 1053, 13088, 347, 5323, 622, 706, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 29871, 13, 3166, 22889, 1053, 3114, 13, 3166, 22889, 29889, 18962, 1053, 383, 4661, 13579, 13, 5215, 22889, 29889, 18962, 408, 9612, 13, 3166, 286, 572, 29918, 10154, 29895, 1169, 29889, 29885, 5317, 29941, 29881, 1053, 319, 9100, 29941, 29928, 13, 3166, 5641, 1656, 1053, 2479, 13, 13, 1753, 7604, 895, 29918, 3601, 29918, 4262, 29898, 1445, 29918, 2084, 29892, 3005, 29939, 29918, 974, 29918, 3601, 1125, 13, 1678, 1020, 29926, 353, 7442, 29889, 1359, 29898, 1445, 29918, 2084, 29897, 13, 1678, 396, 8829, 353, 13088, 347, 21745, 703, 20919, 292, 1159, 13, 1678, 396, 274, 3601, 353, 13088, 347, 8942, 703, 6904, 29883, 465, 347, 29914, 29883, 465, 3768, 8016, 6235, 29914, 29883, 465, 347, 29889, 3134, 1159, 13, 1678, 396, 1998, 353, 13088, 347, 6116, 29898, 2395, 326, 29892, 376, 6904, 29883, 465, 347, 29914, 29883, 465, 3768, 8016, 6235, 29914, 29883, 465, 347, 29889, 3134, 1159, 13, 1678, 318, 353, 10518, 29918, 262, 29918, 29873, 580, 13, 13, 1678, 396, 4639, 1730, 18454, 29999, 353, 1020, 29926, 29889, 29888, 29889, 29939, 1066, 29918, 276, 1456, 7503, 29892, 29871, 29900, 29901, 29941, 29962, 13, 1678, 396, 4050, 29918, 3859, 353, 1998, 29889, 4012, 29898, 2395, 326, 29897, 13, 1678, 396, 7160, 29918, 2230, 353, 1020, 29926, 29889, 29888, 29889, 2230, 7503, 29962, 13, 13, 1678, 835, 7346, 4136, 2277, 9527, 292, 7346, 2277, 29937, 13, 1678, 1480, 29918, 2230, 353, 1020, 29926, 29889, 29888, 29889, 2230, 7503, 29962, 13, 1678, 343, 29918, 791, 353, 1020, 29926, 29889, 29888, 29889, 29939, 1066, 29918, 276, 1456, 7503, 29892, 29906, 29962, 396, 29920, 448, 3171, 13, 1678, 921, 29918, 1272, 29922, 1480, 29918, 2230, 13, 1678, 343, 29918, 1272, 353, 343, 29918, 791, 13, 13, 1678, 628, 29873, 29918, 29916, 353, 313, 29916, 29918, 1272, 29961, 29896, 29962, 448, 921, 29918, 1272, 29961, 29900, 2314, 334, 29871, 29896, 29900, 29900, 29900, 396, 13441, 6923, 304, 10887, 13, 13, 1678, 954, 29918, 19935, 353, 5844, 29889, 27696, 29898, 2435, 29898, 29916, 29918, 1272, 29897, 847, 29871, 29896, 29900, 29897, 13, 13, 13, 13, 1678, 399, 5385, 353, 9612, 29889, 8231, 414, 1839, 600, 20856, 2033, 13, 1678, 9227, 353, 399, 5385, 29898, 29888, 567, 29922, 29896, 29945, 29892, 15562, 29922, 8977, 29898, 442, 391, 2433, 6816, 5477, 2586, 10492, 29922, 29896, 29947, 29900, 29900, 29897, 13, 13, 1678, 1962, 353, 14770, 29889, 5317, 4197, 2314, 13, 1678, 14770, 29889, 5358, 580, 13, 1678, 1596, 29898, 4905, 29961, 29900, 2314, 13, 13, 1678, 921, 353, 7442, 29889, 1915, 3493, 29898, 29900, 29892, 29906, 29930, 9302, 29889, 1631, 29892, 29871, 29896, 29900, 29900, 29897, 13, 13, 1678, 2537, 353, 14770, 29889, 4532, 580, 13, 13, 1678, 3454, 353, 14770, 29889, 5317, 4197, 2314, 13, 1678, 1196, 353, 3454, 29961, 29900, 29962, 13, 13, 1678, 396, 1228, 6230, 849, 842, 921, 322, 343, 2485, 29879, 13, 1678, 14770, 29889, 29916, 2576, 29898, 29916, 29918, 1272, 29889, 1195, 3285, 921, 29918, 1272, 29889, 3317, 3101, 13, 1678, 14770, 29889, 29891, 2576, 29898, 29891, 29918, 1272, 29889, 1195, 3285, 343, 29918, 1272, 29889, 3317, 3101, 13, 1678, 822, 26015, 29898, 2557, 1125, 13, 4706, 396, 5504, 13, 4706, 921, 353, 921, 29918, 1272, 7503, 2557, 29930, 29896, 29900, 29962, 13, 4706, 343, 353, 343, 29918, 1272, 7503, 2557, 29930, 29896, 29900, 29962, 13, 4706, 396, 343, 353, 7442, 29889, 5223, 29898, 29916, 718, 29871, 29906, 29930, 9302, 29889, 1631, 334, 3515, 29914, 29896, 29900, 29900, 29897, 13, 4706, 1196, 29889, 842, 29918, 1272, 3552, 29916, 29892, 29891, 876, 13, 13, 1678, 3778, 353, 383, 4661, 13579, 29898, 1003, 29892, 26015, 29892, 16608, 29922, 1949, 29918, 19935, 29892, 7292, 7607, 29896, 29914, 29888, 7971, 29918, 974, 29918, 3601, 334, 29871, 29896, 29900, 29900, 29900, 718, 313, 29896, 29900, 334, 628, 29873, 29918, 29916, 4961, 396, 29906, 29900, 338, 29871, 29945, 29900, 285, 567, 13, 13, 1678, 3778, 29889, 7620, 877, 9012, 29889, 1526, 29946, 742, 9227, 29922, 13236, 29897, 13, 1678, 396, 3472, 353, 2479, 29889, 7020, 29898, 9641, 29897, 13, 1678, 396, 2479, 29889, 4990, 29898, 1420, 29897, 13, 13, 1678, 14770, 29889, 5358, 580, 13, 13, 20119, 895, 29918, 3601, 29918, 4262, 703, 6904, 449, 1445, 29947, 29889, 9302, 29920, 613, 29871, 29941, 29900, 29897, 2 ]
cli.py
superiorbocal/AnPy
1
195983
<reponame>superiorbocal/AnPy import argparse import sqlite3 from tabulate import tabulate from anpy_lib import file_management from anpy_lib import table_generator from anpy_lib.data_handling import SQLDataHandler def set_up(): file_management.create_anpy_dir_if_not_exist() handler = SQLDataHandler(sqlite3.Connection(file_management.DATABASE_PATH)) return handler def create_categories(args): handler = set_up() print('Creating...') for category in args.categories: try: handler.new_category(category) except ValueError: print('{} is invalid... skipping.'.format(category)) def start(args): requested_category = args.category handler = set_up() if handler.is_active_session(): print('An active session is running!') return if args.create: try: handler.new_category(requested_category) category = requested_category except ValueError: print('{} is invalid (bad name or already exists)... cancelling.' .format(requested_category)) return elif requested_category in handler.active_categories: category = requested_category else: categories = handler.active_categories potential_matches = list( filter(lambda x: x.startswith(requested_category), categories)) if not potential_matches: print('{} does not match any category names.' .format(requested_category)) return elif len(potential_matches) > 1: print('"{}" is ambiguous: could be {}' .format(requested_category, potential_matches)) return category = potential_matches[0] assert category handler.start(category) def end(_): handler = set_up() if handler.is_active_session(): handler.complete() else: print("There's no session running!") def cancel(_): handler = set_up() if handler.is_active_session(): handler.cancel() else: print('Cannot cancel: No active session.') def status(_): handler = set_up() table, headers = table_generator.create_table_iterable_and_headers( data_handler=handler) print(tabulate(table, headers=headers)) print() print('Active categories: {}'.format(', '.join(handler.active_categories))) if __name__ == '__main__': parser = argparse.ArgumentParser() subparsers = parser.add_subparsers() create_parser = subparsers.add_parser('create', help='Create new categories') create_parser.add_argument('categories', metavar='C', nargs='+', help='Categories to create. Active categories' 'that already exist will be ignored.') create_parser.set_defaults(func=create_categories) start_subparser = subparsers.add_parser('start', help='Start a time-tracking' 'session with the given' 'category.') start_subparser.add_argument('category', metavar='C', help='Category under which timer is started. ' 'Abbreviated category name is supported ' 'as long as unambiugous (e.g. "w" for ' 'work') start_subparser.add_argument('-c', '--create', action='store_true', help='If flag is set, create the category ' 'if it does not already exist. If the ' 'flag is not set (default), then ' 'nothing will happen.') start_subparser.set_defaults(func=start) status_subparser = subparsers.add_parser('status', help='Displays the progress of ' 'the previous 7 days and ' 'displays the active ' 'categories.') status_subparser.set_defaults(func=status) end_subparser = subparsers.add_parser('end', help='Completes the current ' 'time-tracking session.') end_subparser.set_defaults(func=end) cancel_subparser = subparsers.add_parser('cancel', help='Cancels the current time-' 'tracking session.') cancel_subparser.set_defaults(func=cancel) parser.add_argument('-i', '--interactive', action='store_true') # TODO: implement interactive args = parser.parse_args() args.func(args)
[ 1, 529, 276, 1112, 420, 29958, 9136, 1611, 29890, 18642, 29914, 2744, 19737, 13, 5215, 1852, 5510, 13, 5215, 21120, 29941, 13, 13, 3166, 4434, 5987, 1053, 4434, 5987, 13, 13, 3166, 385, 2272, 29918, 1982, 1053, 934, 29918, 21895, 13, 3166, 385, 2272, 29918, 1982, 1053, 1591, 29918, 27959, 13, 3166, 385, 2272, 29918, 1982, 29889, 1272, 29918, 3179, 1847, 1053, 3758, 1469, 4598, 13, 13, 13, 1753, 731, 29918, 786, 7295, 13, 1678, 934, 29918, 21895, 29889, 3258, 29918, 273, 2272, 29918, 3972, 29918, 361, 29918, 1333, 29918, 28997, 580, 13, 1678, 7834, 353, 3758, 1469, 4598, 29898, 22793, 29941, 29889, 5350, 29898, 1445, 29918, 21895, 29889, 25832, 27982, 29918, 10145, 876, 13, 1678, 736, 7834, 13, 13, 13, 1753, 1653, 29918, 20683, 29898, 5085, 1125, 13, 1678, 7834, 353, 731, 29918, 786, 580, 13, 1678, 1596, 877, 9832, 1218, 856, 1495, 13, 1678, 363, 7663, 297, 6389, 29889, 20683, 29901, 13, 4706, 1018, 29901, 13, 9651, 7834, 29889, 1482, 29918, 7320, 29898, 7320, 29897, 13, 4706, 5174, 7865, 2392, 29901, 13, 9651, 1596, 877, 8875, 338, 8340, 856, 14993, 3262, 29889, 4286, 4830, 29898, 7320, 876, 13, 13, 13, 1753, 1369, 29898, 5085, 1125, 13, 1678, 13877, 29918, 7320, 353, 6389, 29889, 7320, 13, 1678, 7834, 353, 731, 29918, 786, 580, 13, 13, 1678, 565, 7834, 29889, 275, 29918, 4925, 29918, 7924, 7295, 13, 4706, 1596, 877, 2744, 6136, 4867, 338, 2734, 29991, 1495, 13, 4706, 736, 13, 13, 1678, 565, 6389, 29889, 3258, 29901, 13, 4706, 1018, 29901, 13, 9651, 7834, 29889, 1482, 29918, 7320, 29898, 3827, 287, 29918, 7320, 29897, 13, 9651, 7663, 353, 13877, 29918, 7320, 13, 4706, 5174, 7865, 2392, 29901, 13, 9651, 1596, 877, 8875, 338, 8340, 313, 12313, 1024, 470, 2307, 4864, 467, 636, 508, 3729, 292, 6169, 13, 462, 29871, 869, 4830, 29898, 3827, 287, 29918, 7320, 876, 13, 9651, 736, 13, 1678, 25342, 13877, 29918, 7320, 297, 7834, 29889, 4925, 29918, 20683, 29901, 13, 4706, 7663, 353, 13877, 29918, 7320, 13, 1678, 1683, 29901, 13, 4706, 13997, 353, 7834, 29889, 4925, 29918, 20683, 13, 4706, 7037, 29918, 20317, 353, 1051, 29898, 13, 9651, 4175, 29898, 2892, 921, 29901, 921, 29889, 27382, 2541, 29898, 3827, 287, 29918, 7320, 511, 13997, 876, 13, 13, 4706, 565, 451, 7037, 29918, 20317, 29901, 13, 9651, 1596, 877, 8875, 947, 451, 1993, 738, 7663, 2983, 6169, 13, 462, 29871, 869, 4830, 29898, 3827, 287, 29918, 7320, 876, 13, 9651, 736, 13, 13, 4706, 25342, 7431, 29898, 17765, 2556, 29918, 20317, 29897, 1405, 29871, 29896, 29901, 13, 9651, 1596, 877, 29908, 29912, 5038, 338, 22363, 681, 29901, 1033, 367, 6571, 29915, 13, 462, 29871, 869, 4830, 29898, 3827, 287, 29918, 7320, 29892, 7037, 29918, 20317, 876, 13, 9651, 736, 13, 4706, 7663, 353, 7037, 29918, 20317, 29961, 29900, 29962, 13, 1678, 4974, 7663, 13, 1678, 7834, 29889, 2962, 29898, 7320, 29897, 13, 13, 13, 1753, 1095, 7373, 1125, 13, 1678, 7834, 353, 731, 29918, 786, 580, 13, 1678, 565, 7834, 29889, 275, 29918, 4925, 29918, 7924, 7295, 13, 4706, 7834, 29889, 8835, 580, 13, 1678, 1683, 29901, 13, 4706, 1596, 703, 8439, 29915, 29879, 694, 4867, 2734, 29991, 1159, 13, 13, 13, 1753, 12611, 7373, 1125, 13, 1678, 7834, 353, 731, 29918, 786, 580, 13, 1678, 565, 7834, 29889, 275, 29918, 4925, 29918, 7924, 7295, 13, 4706, 7834, 29889, 20713, 580, 13, 1678, 1683, 29901, 13, 4706, 1596, 877, 29089, 12611, 29901, 1939, 6136, 4867, 29889, 1495, 13, 13, 13, 1753, 4660, 7373, 1125, 13, 1678, 7834, 353, 731, 29918, 786, 580, 13, 1678, 1591, 29892, 9066, 353, 1591, 29918, 27959, 29889, 3258, 29918, 2371, 29918, 1524, 519, 29918, 392, 29918, 13662, 29898, 13, 4706, 848, 29918, 13789, 29922, 13789, 29897, 13, 1678, 1596, 29898, 3891, 5987, 29898, 2371, 29892, 9066, 29922, 13662, 876, 13, 1678, 1596, 580, 13, 1678, 1596, 877, 9966, 13997, 29901, 6571, 4286, 4830, 29317, 15300, 7122, 29898, 13789, 29889, 4925, 29918, 20683, 4961, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 13812, 353, 1852, 5510, 29889, 15730, 11726, 580, 13, 13, 1678, 1014, 862, 4253, 353, 13812, 29889, 1202, 29918, 1491, 862, 4253, 580, 13, 1678, 1653, 29918, 16680, 353, 1014, 862, 4253, 29889, 1202, 29918, 16680, 877, 3258, 742, 13, 462, 462, 3986, 1371, 2433, 4391, 716, 13997, 1495, 13, 1678, 1653, 29918, 16680, 29889, 1202, 29918, 23516, 877, 20683, 742, 1539, 485, 279, 2433, 29907, 742, 302, 5085, 2433, 29974, 742, 13, 462, 1669, 1371, 2433, 29907, 14404, 304, 1653, 29889, 10731, 13997, 29915, 13, 462, 462, 1678, 525, 5747, 2307, 1863, 674, 367, 17262, 29889, 1495, 13, 1678, 1653, 29918, 16680, 29889, 842, 29918, 4381, 29879, 29898, 9891, 29922, 3258, 29918, 20683, 29897, 13, 13, 1678, 1369, 29918, 1491, 16680, 353, 1014, 862, 4253, 29889, 1202, 29918, 16680, 877, 2962, 742, 13, 462, 462, 9651, 1371, 2433, 4763, 263, 931, 29899, 11294, 292, 29915, 13, 462, 462, 462, 525, 7924, 411, 278, 2183, 29915, 13, 462, 462, 462, 525, 7320, 29889, 1495, 13, 1678, 1369, 29918, 1491, 16680, 29889, 1202, 29918, 23516, 877, 7320, 742, 1539, 485, 279, 2433, 29907, 742, 13, 462, 462, 1371, 2433, 10900, 1090, 607, 12237, 338, 4687, 29889, 525, 13, 462, 462, 418, 525, 4920, 1030, 1403, 630, 7663, 1024, 338, 6969, 525, 13, 462, 462, 418, 525, 294, 1472, 408, 443, 1117, 29875, 688, 681, 313, 29872, 29889, 29887, 29889, 376, 29893, 29908, 363, 525, 13, 462, 462, 418, 525, 1287, 1495, 13, 1678, 1369, 29918, 1491, 16680, 29889, 1202, 29918, 23516, 877, 29899, 29883, 742, 525, 489, 3258, 742, 3158, 2433, 8899, 29918, 3009, 742, 13, 462, 462, 1371, 2433, 3644, 7353, 338, 731, 29892, 1653, 278, 7663, 525, 13, 462, 462, 418, 525, 361, 372, 947, 451, 2307, 1863, 29889, 960, 278, 525, 13, 462, 462, 418, 525, 15581, 338, 451, 731, 313, 4381, 511, 769, 525, 13, 462, 462, 418, 525, 28450, 674, 3799, 29889, 1495, 13, 1678, 1369, 29918, 1491, 16680, 29889, 842, 29918, 4381, 29879, 29898, 9891, 29922, 2962, 29897, 13, 13, 1678, 4660, 29918, 1491, 16680, 353, 1014, 862, 4253, 29889, 1202, 29918, 16680, 877, 4882, 742, 13, 462, 462, 632, 1371, 2433, 4205, 12922, 278, 6728, 310, 525, 13, 462, 462, 462, 29871, 525, 1552, 3517, 29871, 29955, 3841, 322, 525, 13, 462, 462, 462, 29871, 525, 2218, 12922, 278, 6136, 525, 13, 462, 462, 462, 29871, 525, 20683, 29889, 1495, 13, 1678, 4660, 29918, 1491, 16680, 29889, 842, 29918, 4381, 29879, 29898, 9891, 29922, 4882, 29897, 13, 13, 1678, 1095, 29918, 1491, 16680, 353, 1014, 862, 4253, 29889, 1202, 29918, 16680, 877, 355, 742, 1371, 2433, 8909, 2167, 278, 1857, 525, 13, 462, 462, 462, 418, 525, 2230, 29899, 11294, 292, 4867, 29889, 1495, 13, 1678, 1095, 29918, 1491, 16680, 29889, 842, 29918, 4381, 29879, 29898, 9891, 29922, 355, 29897, 13, 13, 1678, 12611, 29918, 1491, 16680, 353, 1014, 862, 4253, 29889, 1202, 29918, 16680, 877, 20713, 742, 13, 462, 462, 632, 1371, 2433, 29907, 4564, 1379, 278, 1857, 931, 29899, 29915, 13, 462, 462, 462, 29871, 525, 11294, 292, 4867, 29889, 1495, 13, 1678, 12611, 29918, 1491, 16680, 29889, 842, 29918, 4381, 29879, 29898, 9891, 29922, 20713, 29897, 13, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 29899, 29875, 742, 525, 489, 1639, 4925, 742, 3158, 2433, 8899, 29918, 3009, 1495, 13, 1678, 396, 14402, 29901, 2334, 28923, 13, 13, 1678, 6389, 353, 13812, 29889, 5510, 29918, 5085, 580, 13, 1678, 6389, 29889, 9891, 29898, 5085, 29897, 13, 2 ]
congd/split_MFSK_features.py
dailai/ConGD-Baseline-Method
8
1604212
<reponame>dailai/ConGD-Baseline-Method<gh_stars>1-10 import copy import os import shutil def check_create_par_dir(file_path): dir_ = os.path.dirname(file_path) if not os.path.exists(dir_): os.makedirs(dir_) def split_feat(feats, seg_points, save_path): feats_copy = copy.copy(feats) check_create_par_dir(save_path) out_f = open(save_path, 'w') for line in feats_copy: frame = int(line.split(' ', 1)[0]) s_min, s_max = seg_points[0], seg_points[1] if s_min <= frame <= s_max: out_f.write(line) feats.remove(line) elif frame > s_max: break out_f.close() def split(MFSK_src_dir, split_dir, input_list_file, output_list_file): with open(input_list_file) as input: input_list = input.readlines() output = open(output_list_file, 'w') for i, line in enumerate(input_list): video_name, segments_info = line.split(' ', 1) print 'Splitting', video_name, '%d/%d' % (i, len(input_list)) segments = segments_info.split() features_file = os.path.join(MFSK_src_dir, video_name+'.mfsk') with open(features_file) as f_file: feats = f_file.readlines() if len(segments) == 1: seg = segments[0] points, label = seg.split(':') s, e = points.split(',') save_path = os.path.join(split_dir, video_name, '%s-%s.mfsk' % (s, e)) check_create_par_dir(save_path) shutil.copy(features_file, save_path) output.write('%s %s\n' % (save_path, label)) else: for seg in segments: points, label = seg.split(':') s, e = points.split(',') save_path = os.path.join(split_dir, video_name, '%s-%s.mfsk' % (s, e)) split_feat(feats, (int(s), int(e)), save_path) output.write('%s %s\n' % (save_path, label)) if __name__ == '__main__': split(MFSK_src_dir='/data2/szhou/gesture/baseline/MFSK_features_CON/train', split_dir='/data2/szhou/gesture/baseline/MFSK_features_CON_splited/train', input_list_file='con_list/train.txt', output_list_file='con_list/train_split.list') split(MFSK_src_dir='/data2/szhou/gesture/baseline/MFSK_features_CON/valid', split_dir='/data2/szhou/gesture/baseline/MFSK_features_CON_splited/valid', input_list_file='con_list/valid_segmented.txt', output_list_file='con_list/valid_split.list')
[ 1, 529, 276, 1112, 420, 29958, 29881, 737, 1794, 29914, 1168, 29954, 29928, 29899, 9496, 5570, 29899, 4062, 29966, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 5215, 3509, 13, 5215, 2897, 13, 5215, 528, 4422, 13, 13, 13, 1753, 1423, 29918, 3258, 29918, 862, 29918, 3972, 29898, 1445, 29918, 2084, 1125, 13, 1678, 4516, 29918, 353, 2897, 29889, 2084, 29889, 25721, 29898, 1445, 29918, 2084, 29897, 13, 1678, 565, 451, 2897, 29889, 2084, 29889, 9933, 29898, 3972, 29918, 1125, 13, 4706, 2897, 29889, 29885, 12535, 12935, 29898, 3972, 19925, 13, 13, 13, 1753, 6219, 29918, 1725, 271, 29898, 1725, 1446, 29892, 2377, 29918, 9748, 29892, 4078, 29918, 2084, 1125, 13, 1678, 1238, 1446, 29918, 8552, 353, 3509, 29889, 8552, 29898, 1725, 1446, 29897, 13, 1678, 1423, 29918, 3258, 29918, 862, 29918, 3972, 29898, 7620, 29918, 2084, 29897, 13, 1678, 714, 29918, 29888, 353, 1722, 29898, 7620, 29918, 2084, 29892, 525, 29893, 1495, 13, 1678, 363, 1196, 297, 1238, 1446, 29918, 8552, 29901, 13, 4706, 3515, 353, 938, 29898, 1220, 29889, 5451, 877, 13420, 29871, 29896, 9601, 29900, 2314, 13, 4706, 269, 29918, 1195, 29892, 269, 29918, 3317, 353, 2377, 29918, 9748, 29961, 29900, 1402, 2377, 29918, 9748, 29961, 29896, 29962, 13, 4706, 565, 269, 29918, 1195, 5277, 3515, 5277, 269, 29918, 3317, 29901, 13, 9651, 714, 29918, 29888, 29889, 3539, 29898, 1220, 29897, 13, 9651, 1238, 1446, 29889, 5992, 29898, 1220, 29897, 13, 4706, 25342, 3515, 1405, 269, 29918, 3317, 29901, 13, 9651, 2867, 13, 1678, 714, 29918, 29888, 29889, 5358, 580, 13, 13, 13, 1753, 6219, 29898, 29924, 9998, 29968, 29918, 4351, 29918, 3972, 29892, 6219, 29918, 3972, 29892, 1881, 29918, 1761, 29918, 1445, 29892, 1962, 29918, 1761, 29918, 1445, 1125, 13, 1678, 411, 1722, 29898, 2080, 29918, 1761, 29918, 1445, 29897, 408, 1881, 29901, 13, 4706, 1881, 29918, 1761, 353, 1881, 29889, 949, 9012, 580, 13, 1678, 1962, 353, 1722, 29898, 4905, 29918, 1761, 29918, 1445, 29892, 525, 29893, 1495, 13, 1678, 363, 474, 29892, 1196, 297, 26985, 29898, 2080, 29918, 1761, 1125, 13, 4706, 4863, 29918, 978, 29892, 24611, 29918, 3888, 353, 1196, 29889, 5451, 877, 13420, 29871, 29896, 29897, 13, 4706, 1596, 525, 29903, 572, 5367, 742, 4863, 29918, 978, 29892, 14210, 29881, 22584, 29881, 29915, 1273, 313, 29875, 29892, 7431, 29898, 2080, 29918, 1761, 876, 13, 4706, 24611, 353, 24611, 29918, 3888, 29889, 5451, 580, 13, 4706, 5680, 29918, 1445, 353, 2897, 29889, 2084, 29889, 7122, 29898, 29924, 9998, 29968, 29918, 4351, 29918, 3972, 29892, 4863, 29918, 978, 29974, 4286, 29885, 29888, 808, 1495, 13, 4706, 411, 1722, 29898, 22100, 29918, 1445, 29897, 408, 285, 29918, 1445, 29901, 13, 9651, 1238, 1446, 353, 285, 29918, 1445, 29889, 949, 9012, 580, 13, 4706, 565, 7431, 29898, 10199, 1860, 29897, 1275, 29871, 29896, 29901, 13, 9651, 2377, 353, 24611, 29961, 29900, 29962, 13, 9651, 3291, 29892, 3858, 353, 2377, 29889, 5451, 877, 29901, 1495, 13, 9651, 269, 29892, 321, 353, 3291, 29889, 5451, 29317, 1495, 13, 9651, 4078, 29918, 2084, 353, 2897, 29889, 2084, 29889, 7122, 29898, 5451, 29918, 3972, 29892, 4863, 29918, 978, 29892, 14210, 29879, 19222, 29879, 29889, 29885, 29888, 808, 29915, 1273, 313, 29879, 29892, 321, 876, 13, 9651, 1423, 29918, 3258, 29918, 862, 29918, 3972, 29898, 7620, 29918, 2084, 29897, 13, 9651, 528, 4422, 29889, 8552, 29898, 22100, 29918, 1445, 29892, 4078, 29918, 2084, 29897, 13, 9651, 1962, 29889, 3539, 877, 29995, 29879, 1273, 29879, 29905, 29876, 29915, 1273, 313, 7620, 29918, 2084, 29892, 3858, 876, 13, 4706, 1683, 29901, 13, 9651, 363, 2377, 297, 24611, 29901, 13, 18884, 3291, 29892, 3858, 353, 2377, 29889, 5451, 877, 29901, 1495, 13, 18884, 269, 29892, 321, 353, 3291, 29889, 5451, 29317, 1495, 13, 18884, 4078, 29918, 2084, 353, 2897, 29889, 2084, 29889, 7122, 29898, 5451, 29918, 3972, 29892, 4863, 29918, 978, 29892, 14210, 29879, 19222, 29879, 29889, 29885, 29888, 808, 29915, 1273, 313, 29879, 29892, 321, 876, 13, 18884, 6219, 29918, 1725, 271, 29898, 1725, 1446, 29892, 313, 524, 29898, 29879, 511, 938, 29898, 29872, 8243, 4078, 29918, 2084, 29897, 13, 18884, 1962, 29889, 3539, 877, 29995, 29879, 1273, 29879, 29905, 29876, 29915, 1273, 313, 7620, 29918, 2084, 29892, 3858, 876, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 6219, 29898, 29924, 9998, 29968, 29918, 4351, 29918, 3972, 2433, 29914, 1272, 29906, 29914, 3616, 10774, 29914, 7118, 545, 29914, 6500, 5570, 29914, 29924, 9998, 29968, 29918, 22100, 29918, 6007, 29914, 14968, 742, 13, 3986, 6219, 29918, 3972, 2433, 29914, 1272, 29906, 29914, 3616, 10774, 29914, 7118, 545, 29914, 6500, 5570, 29914, 29924, 9998, 29968, 29918, 22100, 29918, 6007, 29918, 23579, 1573, 29914, 14968, 742, 13, 3986, 1881, 29918, 1761, 29918, 1445, 2433, 535, 29918, 1761, 29914, 14968, 29889, 3945, 742, 13, 3986, 1962, 29918, 1761, 29918, 1445, 2433, 535, 29918, 1761, 29914, 14968, 29918, 5451, 29889, 1761, 1495, 13, 1678, 6219, 29898, 29924, 9998, 29968, 29918, 4351, 29918, 3972, 2433, 29914, 1272, 29906, 29914, 3616, 10774, 29914, 7118, 545, 29914, 6500, 5570, 29914, 29924, 9998, 29968, 29918, 22100, 29918, 6007, 29914, 3084, 742, 13, 3986, 6219, 29918, 3972, 2433, 29914, 1272, 29906, 29914, 3616, 10774, 29914, 7118, 545, 29914, 6500, 5570, 29914, 29924, 9998, 29968, 29918, 22100, 29918, 6007, 29918, 23579, 1573, 29914, 3084, 742, 13, 3986, 1881, 29918, 1761, 29918, 1445, 2433, 535, 29918, 1761, 29914, 3084, 29918, 28192, 287, 29889, 3945, 742, 13, 3986, 1962, 29918, 1761, 29918, 1445, 2433, 535, 29918, 1761, 29914, 3084, 29918, 5451, 29889, 1761, 1495, 13, 2 ]
batuta/base.py
makecodes/batuta
0
28294
from dynaconf import FlaskDynaconf from flask import Flask def create_app(**config): app = Flask(__name__) FlaskDynaconf(app) # config managed by Dynaconf app.config.load_extensions('EXTENSIONS') # Load extensions from settings.toml app.config.update(config) # Override with passed config return app def create_app_wsgi(): # workaround for Flask issue # that doesn't allow **config # to be passed to create_app # https://github.com/pallets/flask/issues/4170 app = create_app() return app
[ 1, 515, 270, 18477, 5527, 1053, 2379, 1278, 29928, 18477, 5527, 13, 3166, 29784, 1053, 2379, 1278, 13, 13, 13, 1753, 1653, 29918, 932, 29898, 1068, 2917, 1125, 13, 1678, 623, 353, 2379, 1278, 22168, 978, 1649, 29897, 13, 1678, 2379, 1278, 29928, 18477, 5527, 29898, 932, 29897, 29871, 396, 2295, 8745, 491, 360, 18477, 5527, 13, 1678, 623, 29889, 2917, 29889, 1359, 29918, 24299, 877, 12194, 1430, 13381, 29903, 1495, 29871, 396, 16012, 17752, 515, 6055, 29889, 15135, 29880, 13, 1678, 623, 29889, 2917, 29889, 5504, 29898, 2917, 29897, 29871, 396, 6811, 2426, 411, 4502, 2295, 13, 1678, 736, 623, 13, 13, 13, 1753, 1653, 29918, 932, 29918, 5652, 3146, 7295, 13, 1678, 396, 14725, 363, 2379, 1278, 2228, 13, 1678, 396, 393, 1838, 29915, 29873, 2758, 3579, 2917, 13, 1678, 396, 304, 367, 4502, 304, 1653, 29918, 932, 13, 1678, 396, 2045, 597, 3292, 29889, 510, 29914, 7830, 10376, 29914, 1579, 1278, 29914, 12175, 29914, 29946, 29896, 29955, 29900, 13, 1678, 623, 353, 1653, 29918, 932, 580, 13, 1678, 736, 623, 13, 2 ]
tests/test_pllcalcs.py
bobbyjsmith11/pll
0
185264
<filename>tests/test_pllcalcs.py from unittest import TestCase from pll.pll_calcs import * class TestGeneralFunctions(TestCase): def test_interp_linear_1(self): """ test the linear interpolator with a value within the x array """ test_var = interp_linear([10,20], [1,2], 12) self.assertAlmostEqual(1.2, test_var[1]) def test_interp_linear_2(self): """ test the linear interpolator with a value below the x array """ test_var = interp_linear([1,2,3], [1,0,3], 1.5) self.assertAlmostEqual(0.5, test_var[1]) def test_interp_linear_2(self): """ test the linear interpolator with a value above the x array """ test_var = interp_linear([1,2,3], [1,2,3], 3.5) self.assertAlmostEqual(3.5, test_var[1]) def test_freq_points_per_decade(self): """ tests that the get_freq_points_per_decade() function returns the correct array """ f_good = list(range(10,100,10)) f_good.extend(range(100,1000,100)) f_good.extend(range(1000,11000,1000)) [float(i) for i in f_good] f_test = get_freq_points_per_decade(10,10000,10) self.assertEqual( set(f_good), set(f_test)) class Test2ndOrderPassive(TestCase): """ The only real function of the class is to provide component values. Testing this function will indirectly test all underlying functions of the class. """ def test_2nd_order_passive_phase_margin(self): """ Tests full operation of PllSecondOrderPassive. Instantiate the class with some hard-coded values. Simulate the PLL by calling simulatePll function. Test that the phase margin (pm) and cutoff frequency (fc) are equal to the hard-coded values. """ fc = 100e3 pm = 45.0 gamma = 1.024 kphi = 4.69e-3 kvco = 10e6 fstart = 1 fstop = 100e6 ptsPerDec = 100 N = 200 R = 4 pll = PllSecondOrderPassive( fc, pm, kphi, kvco, N, gamma=gamma ) d_test = pll.calc_components() pm_test, fc_test = get_pm_fc_from_actual_filter_components(d_test, fstart, fstop, ptsPerDec, kphi, kvco, N, R) self.assertAlmostEqual(pm,pm_test) def test_2nd_order_passive_loop_bandwidth(self): """ Tests full operation of PllSecondOrderPassive. Instantiate the class with some hard-coded values. Simulate the PLL by calling simulatePll function. Test that the phase margin (pm) and cutoff frequency (fc) are equal to the hard-coded values. """ fc = 100e3 pm = 45.0 gamma = 1.024 kphi = 4.69e-3 kvco = 10e6 fstart = 1 fstop = 100e6 ptsPerDec = 100 N = 200 R = 4 pll = PllSecondOrderPassive( fc, pm, kphi, kvco, N, gamma=gamma ) d_test = pll.calc_components() pm_test, fc_test = get_pm_fc_from_actual_filter_components(d_test, fstart, fstop, ptsPerDec, kphi, kvco, N, R) self.assertAlmostEqual(fc,fc_test) class Test3rdOrderPassive(TestCase): """ The only real function of the class is to provide component values. Testing this function will indirectly test all underlying functions of the class. """ def test_3rd_order_passive_phase_margin(self): """ Tests full operation of PllThirdOrderPassive. Instantiate the class with some hard-coded values. Simulate the PLL by calling simulatePll function. Test that the phase margin (pm) and cutoff frequency (fc) are equal to the hard-coded values. """ fc = 100e3 pm = 45.0 kphi = 5e-3 kvco = 10e6 N = 200 fstart = 1 fstop = 100e6 ptsPerDec = 100 R = 1 pll = PllThirdOrderPassive(fc, pm, kphi, kvco, N, gamma=1.024, t31=0.6) d_test = pll.calc_components() pm_test, fc_test = get_pm_fc_from_actual_filter_components(d_test, fstart, fstop, ptsPerDec, kphi, kvco, N, R) self.assertAlmostEqual(pm, pm_test) def test_3rd_order_passive_loop_bandwidth(self): """ Tests full operation of PllThirdOrderPassive. Instantiate the class with some hard-coded values. Simulate the PLL by calling simulatePll function. Test that the phase margin (pm) and cutoff frequency (fc) are equal to the hard-coded values. """ fc = 100e3 pm = 45.0 kphi = 5e-3 kvco = 10e6 N = 200 fstart = 1 fstop = 100e6 ptsPerDec = 100 R = 1 pll = PllThirdOrderPassive( fc, pm, kphi, kvco, N, gamma=1.024, t31=0.6) d_test = pll.calc_components() pm_test, fc_test = get_pm_fc_from_actual_filter_components(d_test, fstart, fstop, ptsPerDec, kphi, kvco, N, R) self.assertAlmostEqual(fc,fc_test) ############ Helper functions ############333 def get_pm_fc_from_actual_filter_components(d, fstart, fstop, ptsPerDec, kphi, kvco, N, R): """ return pm and fc from simulating actual filter components Parameters d (dict) - returned from a call to calc_components in a pll class Returns tuple(pm (float), fc (float)) """ flt = { 'c1':d['c1'], 'c2':d['c2'], 'c3':d['c3'], 'c4':d['c4'], 'r2':d['r2'], 'r3':d['r3'], 'r4':d['r4'], 'flt_type':"passive" } f,g,p,fz,pz,ref_cl,vco_cl = simulatePll( fstart, fstop, ptsPerDec, kphi, kvco, N, R, filt=flt) return pz, fz
[ 1, 529, 9507, 29958, 21150, 29914, 1688, 29918, 572, 29880, 1052, 2395, 29889, 2272, 13, 3166, 443, 27958, 1053, 4321, 8259, 13, 13, 3166, 282, 645, 29889, 572, 29880, 29918, 1052, 2395, 1053, 334, 13, 13, 13, 1990, 4321, 15263, 6678, 29879, 29898, 3057, 8259, 1125, 13, 13, 1678, 822, 1243, 29918, 1639, 29886, 29918, 10660, 29918, 29896, 29898, 1311, 1125, 13, 4706, 9995, 1243, 278, 5608, 20064, 1061, 411, 263, 995, 2629, 278, 921, 1409, 13, 4706, 9995, 13, 4706, 1243, 29918, 1707, 353, 1006, 29886, 29918, 10660, 4197, 29896, 29900, 29892, 29906, 29900, 1402, 518, 29896, 29892, 29906, 1402, 29871, 29896, 29906, 29897, 13, 4706, 1583, 29889, 9294, 2499, 3242, 9843, 29898, 29896, 29889, 29906, 29892, 1243, 29918, 1707, 29961, 29896, 2314, 13, 13, 1678, 822, 1243, 29918, 1639, 29886, 29918, 10660, 29918, 29906, 29898, 1311, 1125, 13, 4706, 9995, 1243, 278, 5608, 20064, 1061, 411, 263, 995, 2400, 278, 921, 1409, 13, 4706, 9995, 13, 4706, 1243, 29918, 1707, 353, 1006, 29886, 29918, 10660, 4197, 29896, 29892, 29906, 29892, 29941, 1402, 518, 29896, 29892, 29900, 29892, 29941, 1402, 29871, 29896, 29889, 29945, 29897, 13, 4706, 1583, 29889, 9294, 2499, 3242, 9843, 29898, 29900, 29889, 29945, 29892, 1243, 29918, 1707, 29961, 29896, 2314, 13, 13, 1678, 822, 1243, 29918, 1639, 29886, 29918, 10660, 29918, 29906, 29898, 1311, 1125, 13, 4706, 9995, 1243, 278, 5608, 20064, 1061, 411, 263, 995, 2038, 278, 921, 1409, 13, 4706, 9995, 13, 4706, 1243, 29918, 1707, 353, 1006, 29886, 29918, 10660, 4197, 29896, 29892, 29906, 29892, 29941, 1402, 518, 29896, 29892, 29906, 29892, 29941, 1402, 29871, 29941, 29889, 29945, 29897, 13, 4706, 1583, 29889, 9294, 2499, 3242, 9843, 29898, 29941, 29889, 29945, 29892, 1243, 29918, 1707, 29961, 29896, 2314, 13, 13, 1678, 822, 1243, 29918, 29888, 7971, 29918, 9748, 29918, 546, 29918, 311, 6332, 29898, 1311, 1125, 13, 4706, 9995, 6987, 393, 278, 679, 29918, 29888, 7971, 29918, 9748, 29918, 546, 29918, 311, 6332, 580, 740, 3639, 13, 4706, 278, 1959, 1409, 13, 4706, 9995, 13, 4706, 285, 29918, 16773, 353, 1051, 29898, 3881, 29898, 29896, 29900, 29892, 29896, 29900, 29900, 29892, 29896, 29900, 876, 13, 4706, 285, 29918, 16773, 29889, 21843, 29898, 3881, 29898, 29896, 29900, 29900, 29892, 29896, 29900, 29900, 29900, 29892, 29896, 29900, 29900, 876, 13, 4706, 285, 29918, 16773, 29889, 21843, 29898, 3881, 29898, 29896, 29900, 29900, 29900, 29892, 29896, 29896, 29900, 29900, 29900, 29892, 29896, 29900, 29900, 29900, 876, 13, 4706, 518, 7411, 29898, 29875, 29897, 363, 474, 297, 285, 29918, 16773, 29962, 13, 4706, 285, 29918, 1688, 353, 679, 29918, 29888, 7971, 29918, 9748, 29918, 546, 29918, 311, 6332, 29898, 29896, 29900, 29892, 29896, 29900, 29900, 29900, 29900, 29892, 29896, 29900, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 731, 29898, 29888, 29918, 16773, 511, 731, 29898, 29888, 29918, 1688, 876, 13, 13, 13, 1990, 4321, 29906, 299, 7514, 7129, 573, 29898, 3057, 8259, 1125, 13, 1678, 9995, 450, 871, 1855, 740, 310, 278, 770, 338, 304, 3867, 4163, 1819, 29889, 13, 4706, 4321, 292, 445, 740, 674, 26377, 368, 1243, 599, 14407, 3168, 13, 4706, 310, 278, 770, 29889, 13, 1678, 9995, 13, 13, 1678, 822, 1243, 29918, 29906, 299, 29918, 2098, 29918, 3364, 573, 29918, 21646, 29918, 9264, 29898, 1311, 1125, 13, 4706, 9995, 4321, 29879, 2989, 5858, 310, 349, 645, 11863, 7514, 7129, 573, 29889, 29871, 13, 9651, 2799, 3656, 403, 278, 770, 411, 777, 2898, 29899, 29659, 1819, 29889, 3439, 5987, 278, 349, 2208, 13, 9651, 491, 5432, 29611, 29925, 645, 740, 29889, 4321, 393, 278, 8576, 5906, 313, 3358, 29897, 322, 13, 9651, 5700, 2696, 10868, 313, 13801, 29897, 526, 5186, 304, 278, 2898, 29899, 29659, 1819, 29889, 29871, 13, 4706, 9995, 13, 4706, 285, 29883, 353, 29871, 29896, 29900, 29900, 29872, 29941, 13, 4706, 26354, 353, 29871, 29946, 29945, 29889, 29900, 13, 13, 4706, 330, 2735, 353, 29871, 29896, 29889, 29900, 29906, 29946, 13, 4706, 413, 2876, 353, 29871, 29946, 29889, 29953, 29929, 29872, 29899, 29941, 13, 4706, 10908, 1111, 353, 29871, 29896, 29900, 29872, 29953, 13, 4706, 285, 2962, 353, 29871, 29896, 13, 4706, 285, 9847, 353, 29871, 29896, 29900, 29900, 29872, 29953, 13, 4706, 282, 1372, 5894, 6185, 353, 29871, 29896, 29900, 29900, 13, 4706, 405, 353, 29871, 29906, 29900, 29900, 13, 4706, 390, 353, 29871, 29946, 13, 13, 4706, 282, 645, 353, 349, 645, 11863, 7514, 7129, 573, 29898, 285, 29883, 29892, 13, 462, 462, 268, 26354, 29892, 13, 462, 462, 268, 413, 2876, 29892, 13, 462, 462, 268, 10908, 1111, 29892, 13, 462, 462, 268, 405, 29892, 13, 462, 462, 268, 330, 2735, 29922, 4283, 1723, 13, 13, 13, 4706, 270, 29918, 1688, 353, 282, 645, 29889, 28667, 29918, 14036, 580, 13, 4706, 26354, 29918, 1688, 29892, 285, 29883, 29918, 1688, 353, 679, 29918, 3358, 29918, 13801, 29918, 3166, 29918, 19304, 29918, 4572, 29918, 14036, 29898, 29881, 29918, 1688, 29892, 285, 2962, 29892, 285, 9847, 29892, 282, 1372, 5894, 6185, 29892, 413, 2876, 29892, 10908, 1111, 29892, 405, 29892, 390, 29897, 13, 13, 4706, 1583, 29889, 9294, 2499, 3242, 9843, 29898, 3358, 29892, 3358, 29918, 1688, 29897, 13, 13, 1678, 822, 1243, 29918, 29906, 299, 29918, 2098, 29918, 3364, 573, 29918, 7888, 29918, 4980, 2103, 29898, 1311, 1125, 13, 4706, 9995, 4321, 29879, 2989, 5858, 310, 349, 645, 11863, 7514, 7129, 573, 29889, 29871, 13, 9651, 2799, 3656, 403, 278, 770, 411, 777, 2898, 29899, 29659, 1819, 29889, 3439, 5987, 278, 349, 2208, 13, 9651, 491, 5432, 29611, 29925, 645, 740, 29889, 4321, 393, 278, 8576, 5906, 313, 3358, 29897, 322, 13, 9651, 5700, 2696, 10868, 313, 13801, 29897, 526, 5186, 304, 278, 2898, 29899, 29659, 1819, 29889, 29871, 13, 4706, 9995, 13, 4706, 285, 29883, 353, 29871, 29896, 29900, 29900, 29872, 29941, 13, 4706, 26354, 353, 29871, 29946, 29945, 29889, 29900, 13, 13, 4706, 330, 2735, 353, 29871, 29896, 29889, 29900, 29906, 29946, 13, 4706, 413, 2876, 353, 29871, 29946, 29889, 29953, 29929, 29872, 29899, 29941, 13, 4706, 10908, 1111, 353, 29871, 29896, 29900, 29872, 29953, 13, 4706, 285, 2962, 353, 29871, 29896, 13, 4706, 285, 9847, 353, 29871, 29896, 29900, 29900, 29872, 29953, 13, 4706, 282, 1372, 5894, 6185, 353, 29871, 29896, 29900, 29900, 13, 13, 4706, 405, 353, 29871, 29906, 29900, 29900, 13, 4706, 390, 353, 29871, 29946, 13, 13, 4706, 282, 645, 353, 349, 645, 11863, 7514, 7129, 573, 29898, 285, 29883, 29892, 13, 462, 462, 268, 26354, 29892, 13, 462, 462, 268, 413, 2876, 29892, 13, 462, 462, 268, 10908, 1111, 29892, 13, 462, 462, 268, 405, 29892, 13, 462, 462, 268, 330, 2735, 29922, 4283, 1723, 13, 13, 13, 4706, 270, 29918, 1688, 353, 282, 645, 29889, 28667, 29918, 14036, 580, 13, 4706, 26354, 29918, 1688, 29892, 285, 29883, 29918, 1688, 353, 679, 29918, 3358, 29918, 13801, 29918, 3166, 29918, 19304, 29918, 4572, 29918, 14036, 29898, 29881, 29918, 1688, 29892, 285, 2962, 29892, 285, 9847, 29892, 282, 1372, 5894, 6185, 29892, 413, 2876, 29892, 10908, 1111, 29892, 405, 29892, 390, 29897, 13, 13, 4706, 1583, 29889, 9294, 2499, 3242, 9843, 29898, 13801, 29892, 13801, 29918, 1688, 29897, 13, 13, 1990, 4321, 29941, 5499, 7514, 7129, 573, 29898, 3057, 8259, 1125, 13, 1678, 9995, 450, 871, 1855, 740, 310, 278, 770, 338, 304, 3867, 4163, 1819, 29889, 13, 4706, 4321, 292, 445, 740, 674, 26377, 368, 1243, 599, 14407, 3168, 13, 4706, 310, 278, 770, 29889, 13, 1678, 9995, 13, 13, 1678, 822, 1243, 29918, 29941, 5499, 29918, 2098, 29918, 3364, 573, 29918, 21646, 29918, 9264, 29898, 1311, 1125, 13, 4706, 9995, 4321, 29879, 2989, 5858, 310, 349, 645, 1349, 1823, 7514, 7129, 573, 29889, 29871, 13, 9651, 2799, 3656, 403, 278, 770, 411, 777, 2898, 29899, 29659, 1819, 29889, 3439, 5987, 278, 349, 2208, 13, 9651, 491, 5432, 29611, 29925, 645, 740, 29889, 4321, 393, 278, 8576, 5906, 313, 3358, 29897, 322, 13, 9651, 5700, 2696, 10868, 313, 13801, 29897, 526, 5186, 304, 278, 2898, 29899, 29659, 1819, 29889, 29871, 13, 4706, 9995, 13, 4706, 285, 29883, 353, 29871, 29896, 29900, 29900, 29872, 29941, 13, 4706, 26354, 353, 29871, 29946, 29945, 29889, 29900, 13, 13, 4706, 413, 2876, 353, 29871, 29945, 29872, 29899, 29941, 13, 4706, 10908, 1111, 353, 29871, 29896, 29900, 29872, 29953, 13, 4706, 405, 353, 29871, 29906, 29900, 29900, 13, 4706, 285, 2962, 353, 29871, 29896, 13, 4706, 285, 9847, 353, 29871, 29896, 29900, 29900, 29872, 29953, 13, 4706, 282, 1372, 5894, 6185, 353, 29871, 29896, 29900, 29900, 13, 4706, 390, 353, 29871, 29896, 13, 13, 4706, 282, 645, 353, 349, 645, 1349, 1823, 7514, 7129, 573, 29898, 13801, 29892, 13, 462, 462, 259, 26354, 29892, 13, 462, 462, 259, 413, 2876, 29892, 13, 462, 462, 259, 10908, 1111, 29892, 13, 462, 462, 259, 405, 29892, 13, 462, 462, 259, 330, 2735, 29922, 29896, 29889, 29900, 29906, 29946, 29892, 13, 462, 462, 259, 260, 29941, 29896, 29922, 29900, 29889, 29953, 29897, 13, 13, 4706, 270, 29918, 1688, 353, 282, 645, 29889, 28667, 29918, 14036, 580, 13, 4706, 26354, 29918, 1688, 29892, 285, 29883, 29918, 1688, 353, 679, 29918, 3358, 29918, 13801, 29918, 3166, 29918, 19304, 29918, 4572, 29918, 14036, 29898, 29881, 29918, 1688, 29892, 285, 2962, 29892, 285, 9847, 29892, 282, 1372, 5894, 6185, 29892, 413, 2876, 29892, 10908, 1111, 29892, 405, 29892, 390, 29897, 13, 13, 4706, 1583, 29889, 9294, 2499, 3242, 9843, 29898, 3358, 29892, 26354, 29918, 1688, 29897, 13, 13, 1678, 822, 1243, 29918, 29941, 5499, 29918, 2098, 29918, 3364, 573, 29918, 7888, 29918, 4980, 2103, 29898, 1311, 1125, 13, 4706, 9995, 4321, 29879, 2989, 5858, 310, 349, 645, 1349, 1823, 7514, 7129, 573, 29889, 29871, 13, 9651, 2799, 3656, 403, 278, 770, 411, 777, 2898, 29899, 29659, 1819, 29889, 3439, 5987, 278, 349, 2208, 13, 9651, 491, 5432, 29611, 29925, 645, 740, 29889, 4321, 393, 278, 8576, 5906, 313, 3358, 29897, 322, 13, 9651, 5700, 2696, 10868, 313, 13801, 29897, 526, 5186, 304, 278, 2898, 29899, 29659, 1819, 29889, 29871, 13, 4706, 9995, 13, 4706, 285, 29883, 353, 29871, 29896, 29900, 29900, 29872, 29941, 13, 4706, 26354, 353, 29871, 29946, 29945, 29889, 29900, 13, 13, 4706, 413, 2876, 353, 29871, 29945, 29872, 29899, 29941, 13, 4706, 10908, 1111, 353, 29871, 29896, 29900, 29872, 29953, 13, 4706, 405, 353, 29871, 29906, 29900, 29900, 13, 4706, 285, 2962, 353, 29871, 29896, 13, 4706, 285, 9847, 353, 29871, 29896, 29900, 29900, 29872, 29953, 13, 4706, 282, 1372, 5894, 6185, 353, 29871, 29896, 29900, 29900, 13, 4706, 390, 353, 29871, 29896, 13, 13, 4706, 282, 645, 353, 349, 645, 1349, 1823, 7514, 7129, 573, 29898, 285, 29883, 29892, 13, 462, 462, 268, 26354, 29892, 13, 462, 462, 268, 413, 2876, 29892, 13, 462, 462, 268, 10908, 1111, 29892, 13, 462, 462, 268, 405, 29892, 13, 462, 462, 268, 330, 2735, 29922, 29896, 29889, 29900, 29906, 29946, 29892, 13, 462, 462, 268, 260, 29941, 29896, 29922, 29900, 29889, 29953, 29897, 13, 13, 4706, 270, 29918, 1688, 353, 282, 645, 29889, 28667, 29918, 14036, 580, 13, 4706, 26354, 29918, 1688, 29892, 285, 29883, 29918, 1688, 353, 679, 29918, 3358, 29918, 13801, 29918, 3166, 29918, 19304, 29918, 4572, 29918, 14036, 29898, 29881, 29918, 1688, 29892, 285, 2962, 29892, 285, 9847, 29892, 282, 1372, 5894, 6185, 29892, 413, 2876, 29892, 10908, 1111, 29892, 405, 29892, 390, 29897, 13, 13, 4706, 1583, 29889, 9294, 2499, 3242, 9843, 29898, 13801, 29892, 13801, 29918, 1688, 29897, 13, 13, 7346, 4136, 6162, 546, 3168, 835, 7346, 29937, 29941, 29941, 29941, 13, 1753, 679, 29918, 3358, 29918, 13801, 29918, 3166, 29918, 19304, 29918, 4572, 29918, 14036, 29898, 29881, 29892, 285, 2962, 29892, 285, 9847, 29892, 282, 1372, 5894, 6185, 29892, 413, 2876, 29892, 10908, 1111, 29892, 405, 29892, 390, 1125, 13, 1678, 9995, 736, 26354, 322, 285, 29883, 515, 1027, 18099, 3935, 4175, 7117, 13, 4706, 12662, 2699, 13, 9651, 270, 313, 8977, 29897, 448, 4133, 515, 263, 1246, 304, 22235, 29918, 14036, 297, 263, 282, 645, 770, 29871, 13, 13, 4706, 16969, 13, 9651, 18761, 29898, 3358, 313, 7411, 511, 285, 29883, 313, 7411, 876, 13, 1678, 9995, 13, 1678, 1652, 29873, 353, 426, 13, 9651, 525, 29883, 29896, 2396, 29881, 1839, 29883, 29896, 7464, 13, 9651, 525, 29883, 29906, 2396, 29881, 1839, 29883, 29906, 7464, 13, 9651, 525, 29883, 29941, 2396, 29881, 1839, 29883, 29941, 7464, 13, 9651, 525, 29883, 29946, 2396, 29881, 1839, 29883, 29946, 7464, 13, 9651, 525, 29878, 29906, 2396, 29881, 1839, 29878, 29906, 7464, 13, 9651, 525, 29878, 29941, 2396, 29881, 1839, 29878, 29941, 7464, 13, 9651, 525, 29878, 29946, 2396, 29881, 1839, 29878, 29946, 7464, 13, 9651, 525, 1579, 29873, 29918, 1853, 2396, 29908, 3364, 573, 29908, 29871, 13, 965, 500, 13, 268, 13, 1678, 285, 29892, 29887, 29892, 29886, 29892, 29888, 29920, 29892, 29886, 29920, 29892, 999, 29918, 695, 29892, 29894, 1111, 29918, 695, 353, 29611, 29925, 645, 29898, 285, 2962, 29892, 29871, 13, 462, 462, 632, 285, 9847, 29892, 29871, 13, 462, 462, 632, 282, 1372, 5894, 6185, 29892, 13, 462, 462, 632, 413, 2876, 29892, 13, 462, 462, 632, 10908, 1111, 29892, 13, 462, 462, 632, 405, 29892, 13, 462, 462, 632, 390, 29892, 13, 462, 462, 632, 977, 29873, 29922, 1579, 29873, 29897, 13, 1678, 736, 282, 29920, 29892, 285, 29920, 13, 2 ]
scripts/courtlistener/tokenizeText.py
sandeepsoni/semantic-progressiveness
2
135136
""" Tokenize and tag documents from a .jsonl file """ import spacy import ujson import plac import os import sys import logging if "../../" not in sys.path: sys.path.append ("../../") from modules import constants TAGGED_EXT=".tokenized" MAX_LENGTH = 10000000 NLP = spacy.load ("en_core_web_sm") NLP.max_length = MAX_LENGTH logging.basicConfig (format="%(asctime)s : %(levelname)s : %(message)s", level=logging.INFO) def tokenizeText (jurname, filesdir): with open (os.path.join (filesdir, jurname + constants.JSONL_EXT)) as fin, open (os.path.join (filesdir, jurname + TAGGED_EXT + constants.JSONL_EXT), "w") as fout: for i, line in enumerate (fin): js = ujson.loads (line) doc = NLP (js["text"], disable=["tagger", "parser", "ner"]) tokens = [token.text.lower() for token in doc] js["tokens"] = tokens fout.write (ujson.dumps (js) + constants.NL) if (i+1) % 1000 == 0: logging.info ("{0} lines processed for {1}".format (i+1, jurname)) @plac.annotations ( filesdir = ("directory with input files and output files", "positional"), jurname=("the jurisdiction name", "positional") ) def main (filesdir, jurname): tokenizeText (jurname, filesdir) if __name__ == "__main__": plac.call (main)
[ 1, 9995, 25159, 675, 322, 4055, 10701, 515, 263, 869, 3126, 29880, 934, 9995, 13, 13, 5215, 805, 4135, 13, 5215, 318, 3126, 13, 5215, 2174, 29883, 13, 5215, 2897, 13, 5215, 10876, 13, 5215, 12183, 13, 13, 361, 376, 21546, 29908, 451, 297, 10876, 29889, 2084, 29901, 13, 12, 9675, 29889, 2084, 29889, 4397, 4852, 21546, 1159, 13, 13, 3166, 10585, 1053, 17727, 13, 13, 16881, 1692, 29928, 29918, 12194, 29569, 6979, 1891, 29908, 13, 13, 12648, 29918, 19433, 353, 29871, 29896, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 13, 29940, 13208, 353, 805, 4135, 29889, 1359, 4852, 264, 29918, 3221, 29918, 2676, 29918, 3844, 1159, 13, 29940, 13208, 29889, 3317, 29918, 2848, 353, 18134, 29918, 19433, 13, 13, 21027, 29889, 16121, 3991, 313, 4830, 543, 29995, 29898, 294, 312, 603, 29897, 29879, 584, 1273, 29898, 5563, 978, 29897, 29879, 584, 1273, 29898, 4906, 29897, 29879, 613, 3233, 29922, 21027, 29889, 11690, 29897, 13, 13, 1753, 5993, 675, 1626, 313, 29926, 16004, 29892, 2066, 3972, 1125, 13, 12, 2541, 1722, 313, 359, 29889, 2084, 29889, 7122, 313, 5325, 3972, 29892, 432, 16004, 718, 17727, 29889, 7249, 29931, 29918, 12194, 876, 408, 1436, 29892, 1722, 313, 359, 29889, 2084, 29889, 7122, 313, 5325, 3972, 29892, 432, 16004, 718, 323, 10051, 1692, 29928, 29918, 12194, 718, 17727, 29889, 7249, 29931, 29918, 12194, 511, 376, 29893, 1159, 408, 285, 449, 29901, 13, 12, 12, 1454, 474, 29892, 1196, 297, 26985, 313, 4951, 1125, 13, 12, 12, 12, 1315, 353, 318, 3126, 29889, 18132, 313, 1220, 29897, 13, 12, 12, 12, 1514, 353, 405, 13208, 313, 1315, 3366, 726, 12436, 11262, 29922, 3366, 4039, 914, 613, 376, 16680, 613, 376, 1089, 20068, 13, 12, 12, 12, 517, 12360, 353, 518, 6979, 29889, 726, 29889, 13609, 580, 29871, 363, 5993, 297, 1574, 29962, 13, 12, 12, 12, 1315, 3366, 517, 12360, 3108, 353, 18897, 13, 12, 12, 12, 29888, 449, 29889, 3539, 313, 29884, 3126, 29889, 29881, 17204, 313, 1315, 29897, 718, 17727, 29889, 25103, 29897, 13, 13, 12, 12, 12, 361, 313, 29875, 29974, 29896, 29897, 1273, 29871, 29896, 29900, 29900, 29900, 1275, 29871, 29900, 29901, 13, 12, 12, 12, 12, 21027, 29889, 3888, 4852, 29912, 29900, 29913, 3454, 19356, 363, 426, 29896, 29913, 1642, 4830, 313, 29875, 29974, 29896, 29892, 432, 16004, 876, 13, 12, 12, 12, 12, 13, 29992, 29886, 4620, 29889, 6735, 800, 313, 13, 12, 5325, 3972, 353, 4852, 12322, 411, 1881, 2066, 322, 1962, 2066, 613, 376, 1066, 3245, 4968, 13, 12, 29926, 16004, 29922, 703, 1552, 24894, 29467, 1024, 613, 376, 1066, 3245, 1159, 13, 29897, 13, 1753, 1667, 313, 5325, 3972, 29892, 432, 16004, 1125, 13, 12, 6979, 675, 1626, 313, 29926, 16004, 29892, 2066, 3972, 29897, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 12, 29886, 4620, 29889, 4804, 313, 3396, 29897, 13, 2 ]
evaluate/evaluate_debug.py
goodgodgd/vode-2020
4
22984
<filename>evaluate/evaluate_debug.py import os import os.path as op import numpy as np import pandas as pd import cv2 import tensorflow as tf import settings from config import opts from tfrecords.tfrecord_reader import TfrecordReader import utils.util_funcs as uf import utils.convert_pose as cp from model.synthesize.synthesize_base import SynthesizeMultiScale from model.train_val import ModelValidater, merge_results from model.model_main import set_configs, get_dataset, create_training_parts from model.model_util.logger import stack_reconstruction_images import model.loss_and_metric.losses as lm def inspect_results(): set_configs() dataset_val, tfr_config, val_steps = get_dataset("kitti_raw", "val", False) model, augmenter, loss_object, optimizer = \ create_training_parts(initial_epoch=1, tfr_config=tfr_config, learning_rate=0.001, loss_weights=opts.LOSS_RIGID_T1, net_names=opts.RIGID_NET, weight_suffix='ep15') validater = ModelValidaterInspect(model, loss_object, val_steps, True) validater.run_an_epoch(dataset_val) class ModelValidaterInspect(ModelValidater): def run_an_epoch(self, dataset): results = [] for step, features in enumerate(dataset): preds, loss, loss_by_type = self.run_a_batch(features) batch_result, log_msg = merge_results(features, preds, loss, loss_by_type, self.stereo) self.print_result(batch_result, step, log_msg, features, preds) results.append(batch_result) self.show_images(features, preds) results = pd.DataFrame(results) return results def print_result(self, batch_result, step, log_msg, features, predictions): print(f"{step}/{self.steps_per_epoch} steps, {log_msg}") msg = " " for i, (key, val) in enumerate(batch_result.items()): msg += f"{key}={val:1.5f}, " print(msg) if "pose_gt" in features: pose_gt_vec = cp.pose_matr2rvec_batch(features["pose_gt"]).numpy() pose_pr_vec = predictions["pose"].numpy() xyz_true = pose_gt_vec[:, :, :3] xyz_pred = pose_pr_vec[:, :, :3] scale = np.sum(xyz_true * xyz_pred, axis=2) / np.sum(xyz_pred ** 2, axis=2) print(" pose gt:", pose_gt_vec[0, 0]) print(" pose pr:", pose_pr_vec[0, 0]) print(f" pose scale, diff: {scale[0, 0]:1.4f}", np.abs(pose_gt_vec[0, 0] - pose_pr_vec[0, 0])) if "depth_gt" in features: print(f" depth scale, gt depth, pr depth: {batch_result['gtdepth']/batch_result['prdepth']:1.4f}", batch_result["gtdepth"], batch_result["prdepth"]) def show_images(self, features, predictions): total_loss = lm.TotalLoss() scaleidx, batchidx, srcidx = 0, 0, 0 view1 = stack_reconstruction_images(total_loss, features, predictions, (scaleidx, batchidx, srcidx)) cv2.imshow("recon", view1) if "pose_gt" in features: pose_gt_vec = cp.pose_matr2rvec_batch(features["pose_gt"]) predictions["pose"] = pose_gt_vec view2 = stack_reconstruction_images(total_loss, features, predictions, (scaleidx, batchidx, srcidx)) cv2.imshow("recon_by_gtpose", view2) cv2.waitKey() def evaluate_for_debug(data_dir_name, model_name): """ function to check if learning process is going right to evaluate current model, save losses and error metrics to csv files and save debugging images - debug_depth.csv: 타겟 프레임별로 predicted depth의 error와 smootheness loss 저장 - debug_pose.csv: 소스 프레임별로 photometric loss, trajectory error, rotation error 저장 - trajectory.csv: 소스 프레임별로 gt trajectory, pred trajectory 저장 - debug_imgs(directory): loss와 metric 별로 가장 성능이 안좋은 프레임들을 모아서 inspection view 이미지로 저장 1) target image 2) reconstructed target from gt 3) reconstructed target from pred 4) source image 5) predicted target depth """ if not uf.check_tfrecord_including(op.join(opts.DATAPATH_TFR, data_dir_name), ["pose_gt", "depth_gt"]): print("Evaluation is NOT possible without pose_gt and depth_gt") return set_configs(model_name) model = create_model() model = try_load_weights(model, model_name) model.compile(optimizer="sgd", loss="mean_absolute_error") dataset = TfrecordReader(op.join(opts.DATAPATH_TFR, data_dir_name), batch_size=1).get_dataset() depth_result = [] pose_result = [] trajectory = [] steps_per_epoch = uf.count_steps(data_dir_name, 1) for i, x in enumerate(dataset): uf.print_numeric_progress(i, steps_per_epoch) depth_res, pose_res, traj = evaluate_batch(i, x, model) depth_result.append(depth_res) pose_result.append(pose_res) trajectory.append(traj) print("") depth_result = save_depth_result_and_get_df(depth_result, model_name) pose_result = save_pose_result_and_get_df(pose_result, model_name) save_trajectories(trajectory, model_name) depth_sample_inds = find_worst_depth_samples(depth_result, 5) print("worst depth sample indices\n", depth_sample_inds[0]) pose_sample_inds = find_worst_pose_samples(pose_result, 5) print("worst pose sample indices\n", pose_sample_inds[0]) worst_sample_inds = depth_sample_inds + pose_sample_inds pathname = op.join(opts.DATAPATH_EVL, model_name, 'debug_imgs') os.makedirs(pathname, exist_ok=True) for i, x in enumerate(dataset): uf.print_numeric_progress(i, steps_per_epoch) for sample_inds in worst_sample_inds: # sample_inds: df['frame', 'srcidx', metric or loss] save_worst_views(i, x, model, sample_inds, pathname) def evaluate_batch(index, x, model): numsrc = opts.SNIPPET_LEN - 1 stacked_image = x['image'] intrinsic = x['intrinsic'] depth_true = x['depth_gt'] pose_true_mat = x['pose_gt'] source_image, target_image = uf.split_into_source_and_target(stacked_image) predictions = model(x['image']) disp_pred_ms = predictions['disp_ms'] pose_pred = predictions['pose'] depth_pred_ms = uf.safe_reciprocal_number_ms(disp_pred_ms) # evaluate depth from numpy arrays and take only 'abs_rel' metric depth_err, scale = compute_depth_error(depth_pred_ms[0].numpy()[0], depth_true.numpy()[0]) smooth_loss = compute_smooth_loss(disp_pred_ms[0], target_image) pose_pred_mat = cp.pose_rvec2matr_batch_tf(pose_pred) # pose error output: [batch, numsrc] trj_err, trj_len = compute_trajectory_error(pose_pred_mat, pose_true_mat, scale) rot_err = ef.calc_rotational_error_tensor(pose_pred_mat, pose_true_mat) # compute photometric loss: [batch, numsrc] photo_loss = compute_photo_loss(target_image, source_image, intrinsic, depth_pred_ms, pose_pred) depth_res = [index, smooth_loss, depth_err] # pose_res: [numsrc, -1] pose_res = np.stack([np.array([index] * 4), np.arange(numsrc), photo_loss.numpy().reshape(-1), trj_err.numpy().reshape(-1), trj_len.numpy().reshape(-1), rot_err.numpy().reshape(-1)], axis=1) # to collect trajectory trajectory = np.concatenate([np.array([index] * 4)[:, np.newaxis], np.arange(numsrc)[:, np.newaxis], pose_true_mat.numpy()[:, :, :3, 3].reshape((-1, 3)), pose_pred_mat.numpy()[:, :, :3, 3].reshape((-1, 3))*scale], axis=1) return depth_res, pose_res, trajectory def compute_photo_loss(target_true, source_image, intrinsic, depth_pred_ms, pose_pred): # synthesize target image synth_target_ms = SynthesizeMultiScale()(source_image, intrinsic, depth_pred_ms, pose_pred) losses = [] target_pred = synth_target_ms[0] # photometric loss: [batch, numsrc] loss = photometric_loss(target_pred, target_true) return loss def compute_smooth_loss(disparity, target_image): # [batch] loss = smootheness_loss(disparity, target_image) # return scalar return loss.numpy()[0] def compute_trajectory_error(pose_pred_mat, pose_true_mat, scale): """ :param pose_pred_mat: predicted snippet pose matrices, [batch, numsrc, 4, 4] :param pose_true_mat: ground truth snippet pose matrices, [batch, numsrc, 4, 4] :param scale: scale for pose_pred to have real scale :return: trajectory error in meter [batch, numsrc] """ xyz_pred = pose_pred_mat[:, :, :3, 3] xyz_true = pose_true_mat[:, :, :3, 3] # adjust the trajectory scaling due to ignorance of abolute scale # scale = tf.reduce_sum(xyz_true * xyz_pred, axis=2) / tf.reduce_sum(xyz_pred ** 2, axis=2) # scale = tf.expand_dims(scale, -1) traj_error = xyz_true - xyz_pred * tf.constant([[[scale]]]) traj_error = tf.sqrt(tf.reduce_sum(traj_error ** 2, axis=2)) traj_len = tf.sqrt(tf.reduce_sum(xyz_true ** 2, axis=2)) return traj_error, traj_len def compute_depth_error(depth_pred, depth_true): mask = np.logical_and(depth_true > opts.MIN_DEPTH, depth_true < opts.MAX_DEPTH) # crop used by Garg ECCV16 to reprocude Eigen NIPS14 results # if used on gt_size 370x1224 produces a crop of [-218, -3, 44, 1180] gt_height, gt_width, _ = depth_true.shape crop = np.array([0.40810811 * gt_height, 0.99189189 * gt_height, 0.03594771 * gt_width, 0.96405229 * gt_width]).astype(np.int32) crop_mask = np.zeros(mask.shape) crop_mask[crop[0]:crop[1], crop[2]:crop[3]] = 1 mask = np.logical_and(mask, crop_mask) # scale matching scaler = np.median(depth_true[mask]) / np.median(depth_pred[mask]) depth_pred[mask] *= scaler # clip prediction and compute error metrics depth_pred = np.clip(depth_pred, opts.MIN_DEPTH, opts.MAX_DEPTH) metrics = ef.compute_depth_metrics(depth_pred[mask], depth_true[mask]) # return only abs rel return metrics[0], scaler def save_depth_result_and_get_df(depth_result, model_name): depth_result = np.array(depth_result) depth_result = pd.DataFrame(data=depth_result, columns=['frame', 'smooth_loss', 'depth_err']) depth_result['frame'] = depth_result['frame'].astype(int) filename = op.join(opts.DATAPATH_EVL, model_name, 'debug_depth.csv') depth_result.to_csv(filename, encoding='utf-8', index=False, float_format='%.4f') return depth_result def save_pose_result_and_get_df(pose_result, model_name): pose_result = np.concatenate(pose_result, axis=0) columns = ['frame', 'srcidx', 'photo_loss', 'trj_err', 'distance', 'rot_err'] pose_result = pd.DataFrame(data=pose_result, columns=columns) pose_result['frame'] = pose_result['frame'].astype(int) pose_result['srcidx'] = pose_result['srcidx'].astype(int) filename = op.join(opts.DATAPATH_EVL, model_name, 'debug_pose.csv') pose_result.to_csv(filename, encoding='utf-8', index=False, float_format='%.4f') return pose_result def save_trajectories(trajectory, model_name): trajectory = np.concatenate(trajectory, axis=0) trajectory = pd.DataFrame(data=trajectory, columns=['frame', 'srcidx', 'tx', 'ty', 'tz', 'px', 'py', 'pz']) trajectory['frame'] = trajectory['frame'].astype(int) trajectory['srcidx'] = trajectory['srcidx'].astype(int) filename = op.join(opts.DATAPATH_EVL, model_name, 'trajectory.csv') trajectory.to_csv(filename, encoding='utf-8', index=False, float_format='%.4f') def find_worst_depth_samples(depth_result, num_samples): dfcols = list(depth_result) sample_inds = [] for colname in ['depth_err']: sorted_result = depth_result[dfcols[:1] + [colname]].sort_values(by=[colname], ascending=False) sorted_result = sorted_result.reset_index(drop=True).head(num_samples) sorted_result['srcidx'] = 0 sorted_result = sorted_result[['frame', 'srcidx', colname]] sample_inds.append(sorted_result) return sample_inds def find_worst_pose_samples(pose_result, num_samples): dfcols = list(pose_result) sample_inds = [] for colname in ['photo_loss', 'trj_err']: sorted_result = pose_result[dfcols[:2] + [colname]].sort_values(by=[colname], ascending=False) sorted_result = sorted_result.reset_index(drop=True).head(num_samples) sample_inds.append(sorted_result) return sample_inds def save_worst_views(frame, x, model, sample_inds, save_path, scale=1): if frame not in sample_inds['frame'].tolist(): return colname = list(sample_inds)[-1] indices = sample_inds.loc[sample_inds['frame'] == frame, :].index.tolist() stacked_image = x['image'] intrinsic = x['intrinsic'] depth_gt = x['depth_gt'] pose_gt = x['pose_gt'] pose_gt = cp.pose_matr2rvec_batch(pose_gt) depth_gt_ms = uf.multi_scale_depths(depth_gt, [1, 2, 4, 8]) source_image, target_image = uf.split_into_source_and_target(stacked_image) predictions = model(x['image']) disp_pred_ms = predictions['disp_ms'] pose_pred = predictions['pose'] depth_pred_ms = uf.safe_reciprocal_number_ms(disp_pred_ms) depth_pred_ms = [depth*scale for depth in depth_pred_ms] synthesizer = SynthesizeMultiScale() synth_target_pred_ms = synthesizer(source_image, intrinsic, depth_pred_ms, pose_pred) synth_target_gt_ms = synthesizer(source_image, intrinsic, depth_gt_ms, pose_gt) for ind in indices: srcidx = sample_inds.loc[ind, 'srcidx'] view_imgs = {"target": target_image, "synthesized": synth_target_pred_ms[0][0, srcidx], "depth": depth_pred_ms[0][0, srcidx], "synth_by_gt": synth_target_gt_ms[0][0, srcidx]} view = uf.stack_titled_images(view_imgs) filename = op.join(save_path, f"{colname[:3]}_{frame:04d}_{srcidx}.png") print("save file:", filename) cv2.imwrite(filename, view) if __name__ == "__main__": np.set_printoptions(precision=3, suppress=True, linewidth=100) inspect_results() # evaluate_for_debug('kitti_raw_test', 'vode1')
[ 1, 529, 9507, 29958, 24219, 403, 29914, 24219, 403, 29918, 8382, 29889, 2272, 13, 5215, 2897, 13, 5215, 2897, 29889, 2084, 408, 1015, 13, 5215, 12655, 408, 7442, 13, 5215, 11701, 408, 10518, 13, 5215, 13850, 29906, 13, 5215, 26110, 408, 15886, 13, 13, 5215, 6055, 13, 3166, 2295, 1053, 29111, 13, 3166, 15886, 3757, 4339, 29889, 13264, 11651, 29918, 16950, 1053, 323, 29888, 11651, 6982, 13, 5215, 3667, 29879, 29889, 4422, 29918, 7692, 2395, 408, 318, 29888, 13, 5215, 3667, 29879, 29889, 13441, 29918, 4220, 408, 21447, 13, 3166, 1904, 29889, 19274, 26041, 675, 29889, 19274, 26041, 675, 29918, 3188, 1053, 10829, 26041, 675, 15329, 17185, 13, 3166, 1904, 29889, 14968, 29918, 791, 1053, 8125, 7211, 1008, 29892, 10366, 29918, 9902, 13, 3166, 1904, 29889, 4299, 29918, 3396, 1053, 731, 29918, 2917, 29879, 29892, 679, 29918, 24713, 29892, 1653, 29918, 26495, 29918, 20895, 13, 3166, 1904, 29889, 4299, 29918, 4422, 29889, 21707, 1053, 5096, 29918, 276, 3075, 4080, 29918, 8346, 13, 5215, 1904, 29889, 6758, 29918, 392, 29918, 16414, 29889, 6758, 267, 408, 301, 29885, 13, 13, 13, 1753, 16096, 29918, 9902, 7295, 13, 1678, 731, 29918, 2917, 29879, 580, 13, 1678, 8783, 29918, 791, 29892, 260, 1341, 29918, 2917, 29892, 659, 29918, 24530, 353, 679, 29918, 24713, 703, 29895, 986, 29875, 29918, 1610, 613, 376, 791, 613, 7700, 29897, 13, 1678, 1904, 29892, 18765, 261, 29892, 6410, 29918, 3318, 29892, 5994, 3950, 353, 320, 13, 4706, 1653, 29918, 26495, 29918, 20895, 29898, 11228, 29918, 1022, 2878, 29922, 29896, 29892, 260, 1341, 29918, 2917, 29922, 29873, 1341, 29918, 2917, 29892, 6509, 29918, 10492, 29922, 29900, 29889, 29900, 29900, 29896, 29892, 13, 462, 795, 6410, 29918, 705, 5861, 29922, 25707, 29889, 3927, 1799, 29918, 22789, 1367, 29918, 29911, 29896, 29892, 7787, 29918, 7039, 29922, 25707, 29889, 22789, 1367, 29918, 6006, 29892, 7688, 29918, 2146, 600, 861, 2433, 1022, 29896, 29945, 1495, 13, 13, 1678, 2854, 1008, 353, 8125, 7211, 1008, 797, 21494, 29898, 4299, 29892, 6410, 29918, 3318, 29892, 659, 29918, 24530, 29892, 5852, 29897, 13, 1678, 2854, 1008, 29889, 3389, 29918, 273, 29918, 1022, 2878, 29898, 24713, 29918, 791, 29897, 13, 13, 13, 1990, 8125, 7211, 1008, 797, 21494, 29898, 3195, 7211, 1008, 1125, 13, 1678, 822, 1065, 29918, 273, 29918, 1022, 2878, 29898, 1311, 29892, 8783, 1125, 13, 4706, 2582, 353, 5159, 13, 4706, 363, 4331, 29892, 5680, 297, 26985, 29898, 24713, 1125, 13, 9651, 4450, 29879, 29892, 6410, 29892, 6410, 29918, 1609, 29918, 1853, 353, 1583, 29889, 3389, 29918, 29874, 29918, 16175, 29898, 22100, 29897, 13, 9651, 9853, 29918, 2914, 29892, 1480, 29918, 7645, 353, 10366, 29918, 9902, 29898, 22100, 29892, 4450, 29879, 29892, 6410, 29892, 6410, 29918, 1609, 29918, 1853, 29892, 1583, 29889, 303, 406, 29877, 29897, 13, 9651, 1583, 29889, 2158, 29918, 2914, 29898, 16175, 29918, 2914, 29892, 4331, 29892, 1480, 29918, 7645, 29892, 5680, 29892, 4450, 29879, 29897, 13, 9651, 2582, 29889, 4397, 29898, 16175, 29918, 2914, 29897, 13, 9651, 1583, 29889, 4294, 29918, 8346, 29898, 22100, 29892, 4450, 29879, 29897, 13, 13, 4706, 2582, 353, 10518, 29889, 17271, 29898, 9902, 29897, 13, 4706, 736, 2582, 13, 13, 1678, 822, 1596, 29918, 2914, 29898, 1311, 29892, 9853, 29918, 2914, 29892, 4331, 29892, 1480, 29918, 7645, 29892, 5680, 29892, 27303, 1125, 13, 4706, 1596, 29898, 29888, 29908, 29912, 10568, 6822, 29912, 1311, 29889, 24530, 29918, 546, 29918, 1022, 2878, 29913, 6576, 29892, 426, 1188, 29918, 7645, 27195, 13, 4706, 10191, 353, 376, 29871, 376, 13, 4706, 363, 474, 29892, 313, 1989, 29892, 659, 29897, 297, 26985, 29898, 16175, 29918, 2914, 29889, 7076, 580, 1125, 13, 9651, 10191, 4619, 285, 29908, 29912, 1989, 29913, 3790, 791, 29901, 29896, 29889, 29945, 29888, 1118, 376, 13, 4706, 1596, 29898, 7645, 29897, 13, 4706, 565, 376, 4220, 29918, 4141, 29908, 297, 5680, 29901, 13, 9651, 18593, 29918, 4141, 29918, 2003, 353, 21447, 29889, 4220, 29918, 2922, 29878, 29906, 29878, 2003, 29918, 16175, 29898, 22100, 3366, 4220, 29918, 4141, 3108, 467, 23749, 580, 13, 9651, 18593, 29918, 558, 29918, 2003, 353, 27303, 3366, 4220, 16862, 23749, 580, 13, 9651, 921, 12339, 29918, 3009, 353, 18593, 29918, 4141, 29918, 2003, 7503, 29892, 584, 29892, 584, 29941, 29962, 13, 9651, 921, 12339, 29918, 11965, 353, 18593, 29918, 558, 29918, 2003, 7503, 29892, 584, 29892, 584, 29941, 29962, 13, 9651, 6287, 353, 7442, 29889, 2083, 29898, 20230, 29918, 3009, 334, 921, 12339, 29918, 11965, 29892, 9685, 29922, 29906, 29897, 847, 7442, 29889, 2083, 29898, 20230, 29918, 11965, 3579, 29871, 29906, 29892, 9685, 29922, 29906, 29897, 13, 9651, 1596, 703, 29871, 18593, 330, 29873, 29901, 613, 18593, 29918, 4141, 29918, 2003, 29961, 29900, 29892, 29871, 29900, 2314, 13, 9651, 1596, 703, 29871, 18593, 544, 29901, 613, 18593, 29918, 558, 29918, 2003, 29961, 29900, 29892, 29871, 29900, 2314, 13, 9651, 1596, 29898, 29888, 29908, 29871, 18593, 6287, 29892, 2923, 29901, 426, 7052, 29961, 29900, 29892, 29871, 29900, 5387, 29896, 29889, 29946, 29888, 17671, 7442, 29889, 6897, 29898, 4220, 29918, 4141, 29918, 2003, 29961, 29900, 29892, 29871, 29900, 29962, 448, 18593, 29918, 558, 29918, 2003, 29961, 29900, 29892, 29871, 29900, 12622, 13, 4706, 565, 376, 19488, 29918, 4141, 29908, 297, 5680, 29901, 13, 9651, 1596, 29898, 29888, 29908, 29871, 10809, 6287, 29892, 330, 29873, 10809, 29892, 544, 10809, 29901, 426, 16175, 29918, 2914, 1839, 4141, 19488, 2033, 29914, 16175, 29918, 2914, 1839, 558, 19488, 2033, 29901, 29896, 29889, 29946, 29888, 17671, 13, 462, 29871, 9853, 29918, 2914, 3366, 4141, 19488, 12436, 9853, 29918, 2914, 3366, 558, 19488, 20068, 13, 13, 1678, 822, 1510, 29918, 8346, 29898, 1311, 29892, 5680, 29892, 27303, 1125, 13, 4706, 3001, 29918, 6758, 353, 301, 29885, 29889, 11536, 29931, 2209, 580, 13, 4706, 6287, 13140, 29892, 9853, 13140, 29892, 4765, 13140, 353, 29871, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 13, 4706, 1776, 29896, 353, 5096, 29918, 276, 3075, 4080, 29918, 8346, 29898, 7827, 29918, 6758, 29892, 5680, 29892, 27303, 29892, 313, 7052, 13140, 29892, 9853, 13140, 29892, 4765, 13140, 876, 13, 4706, 13850, 29906, 29889, 326, 4294, 703, 276, 535, 613, 1776, 29896, 29897, 13, 4706, 565, 376, 4220, 29918, 4141, 29908, 297, 5680, 29901, 13, 9651, 18593, 29918, 4141, 29918, 2003, 353, 21447, 29889, 4220, 29918, 2922, 29878, 29906, 29878, 2003, 29918, 16175, 29898, 22100, 3366, 4220, 29918, 4141, 20068, 13, 9651, 27303, 3366, 4220, 3108, 353, 18593, 29918, 4141, 29918, 2003, 13, 9651, 1776, 29906, 353, 5096, 29918, 276, 3075, 4080, 29918, 8346, 29898, 7827, 29918, 6758, 29892, 5680, 29892, 27303, 29892, 313, 7052, 13140, 29892, 9853, 13140, 29892, 4765, 13140, 876, 13, 9651, 13850, 29906, 29889, 326, 4294, 703, 276, 535, 29918, 1609, 29918, 4141, 4220, 613, 1776, 29906, 29897, 13, 4706, 13850, 29906, 29889, 10685, 2558, 580, 13, 13, 13, 1753, 14707, 29918, 1454, 29918, 8382, 29898, 1272, 29918, 3972, 29918, 978, 29892, 1904, 29918, 978, 1125, 13, 1678, 9995, 13, 1678, 740, 304, 1423, 565, 6509, 1889, 338, 2675, 1492, 13, 1678, 304, 14707, 1857, 1904, 29892, 4078, 28495, 322, 1059, 21556, 304, 11799, 2066, 322, 4078, 13490, 4558, 13, 1678, 448, 4744, 29918, 19488, 29889, 7638, 29901, 29871, 31925, 237, 181, 162, 29871, 240, 151, 135, 238, 163, 139, 239, 161, 135, 238, 182, 135, 30906, 25383, 10809, 30708, 1059, 239, 156, 131, 10597, 18543, 6410, 29871, 239, 163, 131, 31299, 13, 1678, 448, 4744, 29918, 4220, 29889, 7638, 29901, 29871, 31189, 30784, 29871, 240, 151, 135, 238, 163, 139, 239, 161, 135, 238, 182, 135, 30906, 6731, 14066, 6410, 29892, 23324, 706, 1059, 29892, 13733, 1059, 29871, 239, 163, 131, 31299, 13, 1678, 448, 23324, 706, 29889, 7638, 29901, 29871, 31189, 30784, 29871, 240, 151, 135, 238, 163, 139, 239, 161, 135, 238, 182, 135, 30906, 330, 29873, 23324, 706, 29892, 4450, 23324, 706, 29871, 239, 163, 131, 31299, 13, 1678, 448, 4744, 29918, 2492, 29879, 29898, 12322, 1125, 6410, 239, 156, 131, 12714, 29871, 238, 182, 135, 30906, 29871, 30903, 31299, 29871, 31126, 238, 141, 168, 30393, 29871, 31734, 239, 165, 142, 31354, 29871, 240, 151, 135, 238, 163, 139, 239, 161, 135, 31804, 31286, 29871, 31962, 30860, 31093, 1663, 27988, 1776, 29871, 30393, 31362, 30811, 30906, 29871, 239, 163, 131, 31299, 13, 308, 29896, 29897, 3646, 1967, 13, 308, 29906, 29897, 337, 11433, 287, 3646, 515, 330, 29873, 13, 308, 29941, 29897, 337, 11433, 287, 3646, 515, 4450, 13, 308, 29946, 29897, 2752, 1967, 13, 308, 29945, 29897, 25383, 3646, 10809, 13, 1678, 9995, 13, 1678, 565, 451, 318, 29888, 29889, 3198, 29918, 13264, 11651, 29918, 18271, 29898, 459, 29889, 7122, 29898, 25707, 29889, 25832, 3301, 7534, 29918, 8969, 29934, 29892, 848, 29918, 3972, 29918, 978, 511, 6796, 4220, 29918, 4141, 613, 376, 19488, 29918, 4141, 3108, 1125, 13, 4706, 1596, 703, 29923, 4387, 362, 338, 6058, 1950, 1728, 18593, 29918, 4141, 322, 10809, 29918, 4141, 1159, 13, 4706, 736, 13, 13, 1678, 731, 29918, 2917, 29879, 29898, 4299, 29918, 978, 29897, 13, 1678, 1904, 353, 1653, 29918, 4299, 580, 13, 1678, 1904, 353, 1018, 29918, 1359, 29918, 705, 5861, 29898, 4299, 29892, 1904, 29918, 978, 29897, 13, 1678, 1904, 29889, 12198, 29898, 20640, 3950, 543, 5311, 29881, 613, 6410, 543, 12676, 29918, 23552, 29918, 2704, 1159, 13, 13, 1678, 8783, 353, 323, 29888, 11651, 6982, 29898, 459, 29889, 7122, 29898, 25707, 29889, 25832, 3301, 7534, 29918, 8969, 29934, 29892, 848, 29918, 3972, 29918, 978, 511, 9853, 29918, 2311, 29922, 29896, 467, 657, 29918, 24713, 580, 13, 1678, 10809, 29918, 2914, 353, 5159, 13, 1678, 18593, 29918, 2914, 353, 5159, 13, 1678, 23324, 706, 353, 5159, 13, 1678, 6576, 29918, 546, 29918, 1022, 2878, 353, 318, 29888, 29889, 2798, 29918, 24530, 29898, 1272, 29918, 3972, 29918, 978, 29892, 29871, 29896, 29897, 13, 13, 1678, 363, 474, 29892, 921, 297, 26985, 29898, 24713, 1125, 13, 4706, 318, 29888, 29889, 2158, 29918, 21574, 29918, 18035, 29898, 29875, 29892, 6576, 29918, 546, 29918, 1022, 2878, 29897, 13, 4706, 10809, 29918, 690, 29892, 18593, 29918, 690, 29892, 1020, 29926, 353, 14707, 29918, 16175, 29898, 29875, 29892, 921, 29892, 1904, 29897, 13, 4706, 10809, 29918, 2914, 29889, 4397, 29898, 19488, 29918, 690, 29897, 13, 4706, 18593, 29918, 2914, 29889, 4397, 29898, 4220, 29918, 690, 29897, 13, 4706, 23324, 706, 29889, 4397, 29898, 3018, 29926, 29897, 13, 13, 1678, 1596, 703, 1159, 13, 1678, 10809, 29918, 2914, 353, 4078, 29918, 19488, 29918, 2914, 29918, 392, 29918, 657, 29918, 2176, 29898, 19488, 29918, 2914, 29892, 1904, 29918, 978, 29897, 13, 1678, 18593, 29918, 2914, 353, 4078, 29918, 4220, 29918, 2914, 29918, 392, 29918, 657, 29918, 2176, 29898, 4220, 29918, 2914, 29892, 1904, 29918, 978, 29897, 13, 1678, 4078, 29918, 3018, 622, 3842, 29898, 3018, 622, 706, 29892, 1904, 29918, 978, 29897, 13, 13, 1678, 10809, 29918, 11249, 29918, 12772, 353, 1284, 29918, 13762, 303, 29918, 19488, 29918, 27736, 29898, 19488, 29918, 2914, 29892, 29871, 29945, 29897, 13, 1678, 1596, 703, 13762, 303, 10809, 4559, 16285, 29905, 29876, 613, 10809, 29918, 11249, 29918, 12772, 29961, 29900, 2314, 13, 1678, 18593, 29918, 11249, 29918, 12772, 353, 1284, 29918, 13762, 303, 29918, 4220, 29918, 27736, 29898, 4220, 29918, 2914, 29892, 29871, 29945, 29897, 13, 1678, 1596, 703, 13762, 303, 18593, 4559, 16285, 29905, 29876, 613, 18593, 29918, 11249, 29918, 12772, 29961, 29900, 2314, 13, 1678, 17322, 29918, 11249, 29918, 12772, 353, 10809, 29918, 11249, 29918, 12772, 718, 18593, 29918, 11249, 29918, 12772, 13, 13, 1678, 2224, 978, 353, 1015, 29889, 7122, 29898, 25707, 29889, 25832, 3301, 7534, 29918, 22240, 29931, 29892, 1904, 29918, 978, 29892, 525, 8382, 29918, 2492, 29879, 1495, 13, 1678, 2897, 29889, 29885, 12535, 12935, 29898, 2084, 978, 29892, 1863, 29918, 554, 29922, 5574, 29897, 13, 13, 1678, 363, 474, 29892, 921, 297, 26985, 29898, 24713, 1125, 13, 4706, 318, 29888, 29889, 2158, 29918, 21574, 29918, 18035, 29898, 29875, 29892, 6576, 29918, 546, 29918, 1022, 2878, 29897, 13, 4706, 363, 4559, 29918, 12772, 297, 17322, 29918, 11249, 29918, 12772, 29901, 13, 9651, 396, 4559, 29918, 12772, 29901, 4489, 1839, 2557, 742, 525, 4351, 13140, 742, 12714, 470, 6410, 29962, 13, 9651, 4078, 29918, 13762, 303, 29918, 7406, 29898, 29875, 29892, 921, 29892, 1904, 29892, 4559, 29918, 12772, 29892, 2224, 978, 29897, 13, 13, 13, 1753, 14707, 29918, 16175, 29898, 2248, 29892, 921, 29892, 1904, 1125, 13, 1678, 954, 4351, 353, 29111, 29889, 19296, 5690, 29925, 2544, 29918, 1307, 29940, 448, 29871, 29896, 13, 13, 1678, 5096, 287, 29918, 3027, 353, 921, 1839, 3027, 2033, 13, 1678, 11158, 28594, 353, 921, 1839, 262, 509, 28594, 2033, 13, 1678, 10809, 29918, 3009, 353, 921, 1839, 19488, 29918, 4141, 2033, 13, 1678, 18593, 29918, 3009, 29918, 2922, 353, 921, 1839, 4220, 29918, 4141, 2033, 13, 1678, 2752, 29918, 3027, 29892, 3646, 29918, 3027, 353, 318, 29888, 29889, 5451, 29918, 8941, 29918, 4993, 29918, 392, 29918, 5182, 29898, 1429, 287, 29918, 3027, 29897, 13, 13, 1678, 27303, 353, 1904, 29898, 29916, 1839, 3027, 11287, 13, 1678, 12272, 29918, 11965, 29918, 1516, 353, 27303, 1839, 2218, 29886, 29918, 1516, 2033, 13, 1678, 18593, 29918, 11965, 353, 27303, 1839, 4220, 2033, 13, 1678, 10809, 29918, 11965, 29918, 1516, 353, 318, 29888, 29889, 11177, 29918, 4361, 771, 1052, 29918, 4537, 29918, 1516, 29898, 2218, 29886, 29918, 11965, 29918, 1516, 29897, 13, 13, 1678, 396, 14707, 10809, 515, 12655, 7049, 322, 2125, 871, 525, 6897, 29918, 2674, 29915, 12714, 13, 1678, 10809, 29918, 3127, 29892, 6287, 353, 10272, 29918, 19488, 29918, 2704, 29898, 19488, 29918, 11965, 29918, 1516, 29961, 29900, 1822, 23749, 580, 29961, 29900, 1402, 10809, 29918, 3009, 29889, 23749, 580, 29961, 29900, 2314, 13, 1678, 10597, 29918, 6758, 353, 10272, 29918, 3844, 6983, 29918, 6758, 29898, 2218, 29886, 29918, 11965, 29918, 1516, 29961, 29900, 1402, 3646, 29918, 3027, 29897, 13, 13, 1678, 18593, 29918, 11965, 29918, 2922, 353, 21447, 29889, 4220, 29918, 29878, 2003, 29906, 2922, 29878, 29918, 16175, 29918, 13264, 29898, 4220, 29918, 11965, 29897, 13, 1678, 396, 18593, 1059, 1962, 29901, 518, 16175, 29892, 954, 4351, 29962, 13, 1678, 534, 29926, 29918, 3127, 29892, 534, 29926, 29918, 2435, 353, 10272, 29918, 3018, 622, 706, 29918, 2704, 29898, 4220, 29918, 11965, 29918, 2922, 29892, 18593, 29918, 3009, 29918, 2922, 29892, 6287, 29897, 13, 1678, 5731, 29918, 3127, 353, 321, 29888, 29889, 28667, 29918, 5450, 1288, 29918, 2704, 29918, 20158, 29898, 4220, 29918, 11965, 29918, 2922, 29892, 18593, 29918, 3009, 29918, 2922, 29897, 13, 13, 1678, 396, 10272, 6731, 14066, 6410, 29901, 518, 16175, 29892, 954, 4351, 29962, 13, 1678, 15373, 29918, 6758, 353, 10272, 29918, 21596, 29918, 6758, 29898, 5182, 29918, 3027, 29892, 2752, 29918, 3027, 29892, 11158, 28594, 29892, 10809, 29918, 11965, 29918, 1516, 29892, 18593, 29918, 11965, 29897, 13, 13, 1678, 10809, 29918, 690, 353, 518, 2248, 29892, 10597, 29918, 6758, 29892, 10809, 29918, 3127, 29962, 13, 1678, 396, 18593, 29918, 690, 29901, 518, 1949, 4351, 29892, 448, 29896, 29962, 13, 1678, 18593, 29918, 690, 353, 7442, 29889, 1429, 4197, 9302, 29889, 2378, 4197, 2248, 29962, 334, 29871, 29946, 511, 7442, 29889, 279, 927, 29898, 1949, 4351, 511, 15373, 29918, 6758, 29889, 23749, 2141, 690, 14443, 6278, 29896, 511, 13, 462, 308, 534, 29926, 29918, 3127, 29889, 23749, 2141, 690, 14443, 6278, 29896, 511, 534, 29926, 29918, 2435, 29889, 23749, 2141, 690, 14443, 6278, 29896, 511, 13, 462, 308, 5731, 29918, 3127, 29889, 23749, 2141, 690, 14443, 6278, 29896, 29897, 1402, 9685, 29922, 29896, 29897, 13, 13, 1678, 396, 304, 6314, 23324, 706, 13, 1678, 23324, 706, 353, 7442, 29889, 535, 29883, 2579, 403, 4197, 9302, 29889, 2378, 4197, 2248, 29962, 334, 29871, 29946, 29897, 7503, 29892, 7442, 29889, 1482, 8990, 1402, 7442, 29889, 279, 927, 29898, 1949, 4351, 29897, 7503, 29892, 7442, 29889, 1482, 8990, 1402, 13, 462, 462, 18593, 29918, 3009, 29918, 2922, 29889, 23749, 580, 7503, 29892, 584, 29892, 584, 29941, 29892, 29871, 29941, 1822, 690, 14443, 3552, 29899, 29896, 29892, 29871, 29941, 8243, 13, 462, 462, 18593, 29918, 11965, 29918, 2922, 29889, 23749, 580, 7503, 29892, 584, 29892, 584, 29941, 29892, 29871, 29941, 1822, 690, 14443, 3552, 29899, 29896, 29892, 29871, 29941, 876, 29930, 7052, 1402, 9685, 29922, 29896, 29897, 13, 1678, 736, 10809, 29918, 690, 29892, 18593, 29918, 690, 29892, 23324, 706, 13, 13, 13, 1753, 10272, 29918, 21596, 29918, 6758, 29898, 5182, 29918, 3009, 29892, 2752, 29918, 3027, 29892, 11158, 28594, 29892, 10809, 29918, 11965, 29918, 1516, 29892, 18593, 29918, 11965, 1125, 13, 1678, 396, 14710, 267, 675, 3646, 1967, 13, 1678, 14710, 29918, 5182, 29918, 1516, 353, 10829, 26041, 675, 15329, 17185, 580, 29898, 4993, 29918, 3027, 29892, 11158, 28594, 29892, 10809, 29918, 11965, 29918, 1516, 29892, 18593, 29918, 11965, 29897, 13, 1678, 28495, 353, 5159, 13, 1678, 3646, 29918, 11965, 353, 14710, 29918, 5182, 29918, 1516, 29961, 29900, 29962, 13, 1678, 396, 6731, 14066, 6410, 29901, 518, 16175, 29892, 954, 4351, 29962, 13, 1678, 6410, 353, 6731, 14066, 29918, 6758, 29898, 5182, 29918, 11965, 29892, 3646, 29918, 3009, 29897, 13, 1678, 736, 6410, 13, 13, 13, 1753, 10272, 29918, 3844, 6983, 29918, 6758, 29898, 2218, 862, 537, 29892, 3646, 29918, 3027, 1125, 13, 1678, 396, 518, 16175, 29962, 13, 1678, 6410, 353, 10597, 18543, 29918, 6758, 29898, 2218, 862, 537, 29892, 3646, 29918, 3027, 29897, 13, 1678, 396, 736, 17336, 13, 1678, 736, 6410, 29889, 23749, 580, 29961, 29900, 29962, 13, 13, 13, 1753, 10272, 29918, 3018, 622, 706, 29918, 2704, 29898, 4220, 29918, 11965, 29918, 2922, 29892, 18593, 29918, 3009, 29918, 2922, 29892, 6287, 1125, 13, 1678, 9995, 13, 1678, 584, 3207, 18593, 29918, 11965, 29918, 2922, 29901, 25383, 11534, 18593, 13516, 29892, 518, 16175, 29892, 954, 4351, 29892, 29871, 29946, 29892, 29871, 29946, 29962, 13, 1678, 584, 3207, 18593, 29918, 3009, 29918, 2922, 29901, 5962, 8760, 11534, 18593, 13516, 29892, 518, 16175, 29892, 954, 4351, 29892, 29871, 29946, 29892, 29871, 29946, 29962, 13, 1678, 584, 3207, 6287, 29901, 6287, 363, 18593, 29918, 11965, 304, 505, 1855, 6287, 13, 1678, 584, 2457, 29901, 23324, 706, 1059, 297, 11134, 518, 16175, 29892, 954, 4351, 29962, 13, 1678, 9995, 13, 1678, 921, 12339, 29918, 11965, 353, 18593, 29918, 11965, 29918, 2922, 7503, 29892, 584, 29892, 584, 29941, 29892, 29871, 29941, 29962, 13, 1678, 921, 12339, 29918, 3009, 353, 18593, 29918, 3009, 29918, 2922, 7503, 29892, 584, 29892, 584, 29941, 29892, 29871, 29941, 29962, 13, 1678, 396, 10365, 278, 23324, 706, 21640, 2861, 304, 16245, 749, 310, 25198, 1082, 6287, 13, 1678, 396, 6287, 353, 15886, 29889, 17469, 29918, 2083, 29898, 20230, 29918, 3009, 334, 921, 12339, 29918, 11965, 29892, 9685, 29922, 29906, 29897, 847, 15886, 29889, 17469, 29918, 2083, 29898, 20230, 29918, 11965, 3579, 29871, 29906, 29892, 9685, 29922, 29906, 29897, 13, 1678, 396, 6287, 353, 15886, 29889, 18837, 29918, 6229, 29879, 29898, 7052, 29892, 448, 29896, 29897, 13, 1678, 1020, 29926, 29918, 2704, 353, 921, 12339, 29918, 3009, 448, 921, 12339, 29918, 11965, 334, 15886, 29889, 23362, 4197, 8999, 7052, 5262, 2314, 13, 1678, 1020, 29926, 29918, 2704, 353, 15886, 29889, 3676, 29898, 13264, 29889, 17469, 29918, 2083, 29898, 3018, 29926, 29918, 2704, 3579, 29871, 29906, 29892, 9685, 29922, 29906, 876, 13, 1678, 1020, 29926, 29918, 2435, 353, 15886, 29889, 3676, 29898, 13264, 29889, 17469, 29918, 2083, 29898, 20230, 29918, 3009, 3579, 29871, 29906, 29892, 9685, 29922, 29906, 876, 13, 1678, 736, 1020, 29926, 29918, 2704, 29892, 1020, 29926, 29918, 2435, 13, 13, 13, 1753, 10272, 29918, 19488, 29918, 2704, 29898, 19488, 29918, 11965, 29892, 10809, 29918, 3009, 1125, 13, 1678, 11105, 353, 7442, 29889, 1188, 936, 29918, 392, 29898, 19488, 29918, 3009, 1405, 29111, 29889, 16173, 29918, 2287, 29925, 4690, 29892, 10809, 29918, 3009, 529, 29111, 29889, 12648, 29918, 2287, 29925, 4690, 29897, 13, 1678, 396, 274, 1336, 1304, 491, 402, 1191, 382, 4174, 29963, 29896, 29953, 304, 337, 15439, 1151, 382, 2101, 405, 5690, 29903, 29896, 29946, 2582, 13, 1678, 396, 565, 1304, 373, 330, 29873, 29918, 2311, 29871, 29941, 29955, 29900, 29916, 29896, 29906, 29906, 29946, 13880, 263, 274, 1336, 310, 21069, 29906, 29896, 29947, 29892, 448, 29941, 29892, 29871, 29946, 29946, 29892, 29871, 29896, 29896, 29947, 29900, 29962, 13, 1678, 330, 29873, 29918, 3545, 29892, 330, 29873, 29918, 2103, 29892, 903, 353, 10809, 29918, 3009, 29889, 12181, 13, 1678, 274, 1336, 353, 7442, 29889, 2378, 4197, 29900, 29889, 29946, 29900, 29947, 29896, 29900, 29947, 29896, 29896, 334, 330, 29873, 29918, 3545, 29892, 29871, 29900, 29889, 29929, 29929, 29896, 29947, 29929, 29896, 29947, 29929, 334, 330, 29873, 29918, 3545, 29892, 13, 462, 418, 29900, 29889, 29900, 29941, 29945, 29929, 29946, 29955, 29955, 29896, 334, 330, 29873, 29918, 2103, 29892, 29871, 29900, 29889, 29929, 29953, 29946, 29900, 29945, 29906, 29906, 29929, 334, 330, 29873, 29918, 2103, 14664, 579, 668, 29898, 9302, 29889, 524, 29941, 29906, 29897, 13, 1678, 274, 1336, 29918, 13168, 353, 7442, 29889, 3298, 359, 29898, 13168, 29889, 12181, 29897, 13, 1678, 274, 1336, 29918, 13168, 29961, 29883, 1336, 29961, 29900, 5387, 29883, 1336, 29961, 29896, 1402, 274, 1336, 29961, 29906, 5387, 29883, 1336, 29961, 29941, 5262, 353, 29871, 29896, 13, 1678, 11105, 353, 7442, 29889, 1188, 936, 29918, 392, 29898, 13168, 29892, 274, 1336, 29918, 13168, 29897, 13, 1678, 396, 6287, 9686, 13, 1678, 8716, 261, 353, 7442, 29889, 2168, 713, 29898, 19488, 29918, 3009, 29961, 13168, 2314, 847, 7442, 29889, 2168, 713, 29898, 19488, 29918, 11965, 29961, 13168, 2314, 13, 1678, 10809, 29918, 11965, 29961, 13168, 29962, 334, 29922, 8716, 261, 13, 1678, 396, 20102, 18988, 322, 10272, 1059, 21556, 13, 1678, 10809, 29918, 11965, 353, 7442, 29889, 24049, 29898, 19488, 29918, 11965, 29892, 29111, 29889, 16173, 29918, 2287, 29925, 4690, 29892, 29111, 29889, 12648, 29918, 2287, 29925, 4690, 29897, 13, 1678, 21556, 353, 321, 29888, 29889, 26017, 29918, 19488, 29918, 2527, 10817, 29898, 19488, 29918, 11965, 29961, 13168, 1402, 10809, 29918, 3009, 29961, 13168, 2314, 13, 1678, 396, 736, 871, 6425, 1104, 13, 1678, 736, 21556, 29961, 29900, 1402, 8716, 261, 13, 13, 13, 1753, 4078, 29918, 19488, 29918, 2914, 29918, 392, 29918, 657, 29918, 2176, 29898, 19488, 29918, 2914, 29892, 1904, 29918, 978, 1125, 13, 1678, 10809, 29918, 2914, 353, 7442, 29889, 2378, 29898, 19488, 29918, 2914, 29897, 13, 1678, 10809, 29918, 2914, 353, 10518, 29889, 17271, 29898, 1272, 29922, 19488, 29918, 2914, 29892, 4341, 29922, 1839, 2557, 742, 525, 3844, 6983, 29918, 6758, 742, 525, 19488, 29918, 3127, 11287, 13, 1678, 10809, 29918, 2914, 1839, 2557, 2033, 353, 10809, 29918, 2914, 1839, 2557, 13359, 579, 668, 29898, 524, 29897, 13, 1678, 10422, 353, 1015, 29889, 7122, 29898, 25707, 29889, 25832, 3301, 7534, 29918, 22240, 29931, 29892, 1904, 29918, 978, 29892, 525, 8382, 29918, 19488, 29889, 7638, 1495, 13, 1678, 10809, 29918, 2914, 29889, 517, 29918, 7638, 29898, 9507, 29892, 8025, 2433, 9420, 29899, 29947, 742, 2380, 29922, 8824, 29892, 5785, 29918, 4830, 2433, 15543, 29946, 29888, 1495, 13, 1678, 736, 10809, 29918, 2914, 13, 13, 13, 1753, 4078, 29918, 4220, 29918, 2914, 29918, 392, 29918, 657, 29918, 2176, 29898, 4220, 29918, 2914, 29892, 1904, 29918, 978, 1125, 13, 1678, 18593, 29918, 2914, 353, 7442, 29889, 535, 29883, 2579, 403, 29898, 4220, 29918, 2914, 29892, 9685, 29922, 29900, 29897, 13, 1678, 4341, 353, 6024, 2557, 742, 525, 4351, 13140, 742, 525, 21596, 29918, 6758, 742, 525, 509, 29926, 29918, 3127, 742, 525, 19244, 742, 525, 5450, 29918, 3127, 2033, 13, 1678, 18593, 29918, 2914, 353, 10518, 29889, 17271, 29898, 1272, 29922, 4220, 29918, 2914, 29892, 4341, 29922, 13099, 29897, 13, 1678, 18593, 29918, 2914, 1839, 2557, 2033, 353, 18593, 29918, 2914, 1839, 2557, 13359, 579, 668, 29898, 524, 29897, 13, 1678, 18593, 29918, 2914, 1839, 4351, 13140, 2033, 353, 18593, 29918, 2914, 1839, 4351, 13140, 13359, 579, 668, 29898, 524, 29897, 13, 1678, 10422, 353, 1015, 29889, 7122, 29898, 25707, 29889, 25832, 3301, 7534, 29918, 22240, 29931, 29892, 1904, 29918, 978, 29892, 525, 8382, 29918, 4220, 29889, 7638, 1495, 13, 1678, 18593, 29918, 2914, 29889, 517, 29918, 7638, 29898, 9507, 29892, 8025, 2433, 9420, 29899, 29947, 742, 2380, 29922, 8824, 29892, 5785, 29918, 4830, 2433, 15543, 29946, 29888, 1495, 13, 1678, 736, 18593, 29918, 2914, 13, 13, 13, 1753, 4078, 29918, 3018, 622, 3842, 29898, 3018, 622, 706, 29892, 1904, 29918, 978, 1125, 13, 1678, 23324, 706, 353, 7442, 29889, 535, 29883, 2579, 403, 29898, 3018, 622, 706, 29892, 9685, 29922, 29900, 29897, 13, 1678, 23324, 706, 353, 10518, 29889, 17271, 29898, 1272, 29922, 3018, 622, 706, 29892, 4341, 29922, 1839, 2557, 742, 525, 4351, 13140, 742, 525, 7508, 742, 525, 1017, 742, 525, 17559, 742, 525, 1756, 742, 525, 2272, 742, 525, 29886, 29920, 11287, 13, 1678, 23324, 706, 1839, 2557, 2033, 353, 23324, 706, 1839, 2557, 13359, 579, 668, 29898, 524, 29897, 13, 1678, 23324, 706, 1839, 4351, 13140, 2033, 353, 23324, 706, 1839, 4351, 13140, 13359, 579, 668, 29898, 524, 29897, 13, 1678, 10422, 353, 1015, 29889, 7122, 29898, 25707, 29889, 25832, 3301, 7534, 29918, 22240, 29931, 29892, 1904, 29918, 978, 29892, 525, 3018, 622, 706, 29889, 7638, 1495, 13, 1678, 23324, 706, 29889, 517, 29918, 7638, 29898, 9507, 29892, 8025, 2433, 9420, 29899, 29947, 742, 2380, 29922, 8824, 29892, 5785, 29918, 4830, 2433, 15543, 29946, 29888, 1495, 13, 13, 13, 1753, 1284, 29918, 13762, 303, 29918, 19488, 29918, 27736, 29898, 19488, 29918, 2914, 29892, 954, 29918, 27736, 1125, 13, 1678, 4489, 22724, 353, 1051, 29898, 19488, 29918, 2914, 29897, 13, 1678, 4559, 29918, 12772, 353, 5159, 13, 1678, 363, 784, 978, 297, 6024, 19488, 29918, 3127, 2033, 29901, 13, 4706, 12705, 29918, 2914, 353, 10809, 29918, 2914, 29961, 2176, 22724, 7503, 29896, 29962, 718, 518, 1054, 978, 29962, 1822, 6605, 29918, 5975, 29898, 1609, 11759, 1054, 978, 1402, 12066, 2548, 29922, 8824, 29897, 13, 4706, 12705, 29918, 2914, 353, 12705, 29918, 2914, 29889, 12071, 29918, 2248, 29898, 8865, 29922, 5574, 467, 2813, 29898, 1949, 29918, 27736, 29897, 13, 4706, 12705, 29918, 2914, 1839, 4351, 13140, 2033, 353, 29871, 29900, 13, 4706, 12705, 29918, 2914, 353, 12705, 29918, 2914, 29961, 1839, 2557, 742, 525, 4351, 13140, 742, 784, 978, 5262, 13, 4706, 4559, 29918, 12772, 29889, 4397, 29898, 24582, 29918, 2914, 29897, 13, 1678, 736, 4559, 29918, 12772, 13, 13, 13, 1753, 1284, 29918, 13762, 303, 29918, 4220, 29918, 27736, 29898, 4220, 29918, 2914, 29892, 954, 29918, 27736, 1125, 13, 1678, 4489, 22724, 353, 1051, 29898, 4220, 29918, 2914, 29897, 13, 1678, 4559, 29918, 12772, 353, 5159, 13, 1678, 363, 784, 978, 297, 6024, 21596, 29918, 6758, 742, 525, 509, 29926, 29918, 3127, 2033, 29901, 13, 4706, 12705, 29918, 2914, 353, 18593, 29918, 2914, 29961, 2176, 22724, 7503, 29906, 29962, 718, 518, 1054, 978, 29962, 1822, 6605, 29918, 5975, 29898, 1609, 11759, 1054, 978, 1402, 12066, 2548, 29922, 8824, 29897, 13, 4706, 12705, 29918, 2914, 353, 12705, 29918, 2914, 29889, 12071, 29918, 2248, 29898, 8865, 29922, 5574, 467, 2813, 29898, 1949, 29918, 27736, 29897, 13, 4706, 4559, 29918, 12772, 29889, 4397, 29898, 24582, 29918, 2914, 29897, 13, 1678, 736, 4559, 29918, 12772, 13, 13, 13, 1753, 4078, 29918, 13762, 303, 29918, 7406, 29898, 2557, 29892, 921, 29892, 1904, 29892, 4559, 29918, 12772, 29892, 4078, 29918, 2084, 29892, 6287, 29922, 29896, 1125, 13, 1678, 565, 3515, 451, 297, 4559, 29918, 12772, 1839, 2557, 13359, 25027, 391, 7295, 13, 4706, 736, 13, 13, 1678, 784, 978, 353, 1051, 29898, 11249, 29918, 12772, 9601, 29899, 29896, 29962, 13, 1678, 16285, 353, 4559, 29918, 12772, 29889, 2029, 29961, 11249, 29918, 12772, 1839, 2557, 2033, 1275, 3515, 29892, 584, 1822, 2248, 29889, 25027, 391, 580, 13, 13, 1678, 5096, 287, 29918, 3027, 353, 921, 1839, 3027, 2033, 13, 1678, 11158, 28594, 353, 921, 1839, 262, 509, 28594, 2033, 13, 1678, 10809, 29918, 4141, 353, 921, 1839, 19488, 29918, 4141, 2033, 13, 1678, 18593, 29918, 4141, 353, 921, 1839, 4220, 29918, 4141, 2033, 13, 1678, 18593, 29918, 4141, 353, 21447, 29889, 4220, 29918, 2922, 29878, 29906, 29878, 2003, 29918, 16175, 29898, 4220, 29918, 4141, 29897, 13, 1678, 10809, 29918, 4141, 29918, 1516, 353, 318, 29888, 29889, 9910, 29918, 7052, 29918, 19488, 29879, 29898, 19488, 29918, 4141, 29892, 518, 29896, 29892, 29871, 29906, 29892, 29871, 29946, 29892, 29871, 29947, 2314, 13, 1678, 2752, 29918, 3027, 29892, 3646, 29918, 3027, 353, 318, 29888, 29889, 5451, 29918, 8941, 29918, 4993, 29918, 392, 29918, 5182, 29898, 1429, 287, 29918, 3027, 29897, 13, 13, 1678, 27303, 353, 1904, 29898, 29916, 1839, 3027, 11287, 13, 1678, 12272, 29918, 11965, 29918, 1516, 353, 27303, 1839, 2218, 29886, 29918, 1516, 2033, 13, 1678, 18593, 29918, 11965, 353, 27303, 1839, 4220, 2033, 13, 1678, 10809, 29918, 11965, 29918, 1516, 353, 318, 29888, 29889, 11177, 29918, 4361, 771, 1052, 29918, 4537, 29918, 1516, 29898, 2218, 29886, 29918, 11965, 29918, 1516, 29897, 13, 13, 1678, 10809, 29918, 11965, 29918, 1516, 353, 518, 19488, 29930, 7052, 363, 10809, 297, 10809, 29918, 11965, 29918, 1516, 29962, 13, 13, 1678, 14710, 267, 3950, 353, 10829, 26041, 675, 15329, 17185, 580, 13, 1678, 14710, 29918, 5182, 29918, 11965, 29918, 1516, 353, 14710, 267, 3950, 29898, 4993, 29918, 3027, 29892, 11158, 28594, 29892, 10809, 29918, 11965, 29918, 1516, 29892, 18593, 29918, 11965, 29897, 13, 1678, 14710, 29918, 5182, 29918, 4141, 29918, 1516, 353, 14710, 267, 3950, 29898, 4993, 29918, 3027, 29892, 11158, 28594, 29892, 10809, 29918, 4141, 29918, 1516, 29892, 18593, 29918, 4141, 29897, 13, 13, 1678, 363, 1399, 297, 16285, 29901, 13, 4706, 4765, 13140, 353, 4559, 29918, 12772, 29889, 2029, 29961, 513, 29892, 525, 4351, 13140, 2033, 13, 4706, 1776, 29918, 2492, 29879, 353, 8853, 5182, 1115, 3646, 29918, 3027, 29892, 376, 19274, 26041, 1891, 1115, 14710, 29918, 5182, 29918, 11965, 29918, 1516, 29961, 29900, 3816, 29900, 29892, 4765, 13140, 1402, 13, 462, 268, 376, 19488, 1115, 10809, 29918, 11965, 29918, 1516, 29961, 29900, 3816, 29900, 29892, 4765, 13140, 1402, 376, 19274, 386, 29918, 1609, 29918, 4141, 1115, 14710, 29918, 5182, 29918, 4141, 29918, 1516, 29961, 29900, 3816, 29900, 29892, 4765, 13140, 12258, 13, 4706, 1776, 353, 318, 29888, 29889, 1429, 29918, 29873, 17707, 29918, 8346, 29898, 1493, 29918, 2492, 29879, 29897, 13, 4706, 10422, 353, 1015, 29889, 7122, 29898, 7620, 29918, 2084, 29892, 285, 29908, 29912, 1054, 978, 7503, 29941, 29962, 3227, 2557, 29901, 29900, 29946, 29881, 3227, 4351, 13140, 1836, 2732, 1159, 13, 4706, 1596, 703, 7620, 934, 29901, 613, 10422, 29897, 13, 4706, 13850, 29906, 29889, 326, 3539, 29898, 9507, 29892, 1776, 29897, 13, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 1678, 7442, 29889, 842, 29918, 558, 8941, 1980, 29898, 17990, 2459, 29922, 29941, 29892, 21301, 29922, 5574, 29892, 1196, 2103, 29922, 29896, 29900, 29900, 29897, 13, 1678, 16096, 29918, 9902, 580, 13, 1678, 396, 14707, 29918, 1454, 29918, 8382, 877, 29895, 986, 29875, 29918, 1610, 29918, 1688, 742, 525, 29894, 356, 29896, 1495, 13, 2 ]
app/utilities/__init__.py
Maxyme/movie-review
0
108869
<filename>app/utilities/__init__.py """app utilities"""
[ 1, 529, 9507, 29958, 932, 29914, 4422, 1907, 29914, 1649, 2344, 26914, 2272, 13, 15945, 29908, 932, 3667, 1907, 15945, 29908, 13, 2 ]
src/data/batchloader.py
jiahui890/chexpert-aml
0
51247
<reponame>jiahui890/chexpert-aml<gh_stars>0 import pandas as pd import numpy as np class BatchLoader: def __init__(self, dataset, batch_size, return_labels=None, without_image=False, return_X_y=True): self.dataset = dataset self.batch_size = batch_size self.return_labels = return_labels self.data_size = len(dataset) self.start = 0 self.without_image = without_image self.return_X_y = return_X_y def __iter__(self): self.start = 0 return self def __next__(self): if self.start >= self.data_size: raise StopIteration start = self.start end = min(start + self.batch_size, self.data_size) all_features = [] image_features = [] all_labels = [] if self.without_image: featrue_columns = ['Path'] + self.dataset._feature_header.tolist() if self.return_labels: labels_columns = self.return_labels else: labels_columns = self.dataset._label_header.tolist() if self.return_X_y: features = self.dataset.df.iloc[start:end][featrue_columns] labels = self.dataset.df.iloc[start:end][labels_columns] self.start = end return features, labels else: columns = featrue_columns + labels_columns data = self.dataset.df.iloc[start:end][columns] self.start = end return data else: for i in range(start, end): features, image_feature, labels = self.dataset[i] all_features.append(features) image_features.append(image_feature) all_labels.append(labels) x_features, x_image = pd.DataFrame(all_features, columns=self.dataset._feature_header), pd.DataFrame(image_features) y = pd.DataFrame(all_labels, columns=self.dataset._label_header) if self.return_labels: if len(self.return_labels) > 1: y = y[self.return_labels] else: y = y[self.return_labels[0]] self.start = end return x_features, x_image, y
[ 1, 529, 276, 1112, 420, 29958, 29926, 423, 15669, 29947, 29929, 29900, 29914, 305, 735, 10700, 29899, 8807, 29966, 12443, 29918, 303, 1503, 29958, 29900, 13, 5215, 11701, 408, 10518, 13, 5215, 12655, 408, 7442, 13, 13, 1990, 350, 905, 10036, 29901, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 8783, 29892, 9853, 29918, 2311, 29892, 736, 29918, 21134, 29922, 8516, 29892, 1728, 29918, 3027, 29922, 8824, 29892, 736, 29918, 29990, 29918, 29891, 29922, 5574, 1125, 13, 4706, 1583, 29889, 24713, 353, 8783, 13, 4706, 1583, 29889, 16175, 29918, 2311, 353, 9853, 29918, 2311, 13, 4706, 1583, 29889, 2457, 29918, 21134, 353, 736, 29918, 21134, 13, 4706, 1583, 29889, 1272, 29918, 2311, 353, 7431, 29898, 24713, 29897, 13, 4706, 1583, 29889, 2962, 353, 29871, 29900, 13, 4706, 1583, 29889, 14037, 29918, 3027, 353, 1728, 29918, 3027, 13, 4706, 1583, 29889, 2457, 29918, 29990, 29918, 29891, 353, 736, 29918, 29990, 29918, 29891, 13, 13, 1678, 822, 4770, 1524, 12035, 1311, 1125, 13, 4706, 1583, 29889, 2962, 353, 29871, 29900, 13, 4706, 736, 1583, 13, 13, 1678, 822, 4770, 4622, 12035, 1311, 1125, 13, 4706, 565, 1583, 29889, 2962, 6736, 1583, 29889, 1272, 29918, 2311, 29901, 13, 9651, 12020, 22303, 13463, 362, 13, 4706, 1369, 353, 1583, 29889, 2962, 13, 4706, 1095, 353, 1375, 29898, 2962, 718, 1583, 29889, 16175, 29918, 2311, 29892, 1583, 29889, 1272, 29918, 2311, 29897, 13, 4706, 599, 29918, 22100, 353, 5159, 13, 4706, 1967, 29918, 22100, 353, 5159, 13, 4706, 599, 29918, 21134, 353, 5159, 13, 4706, 565, 1583, 29889, 14037, 29918, 3027, 29901, 13, 9651, 1238, 8141, 434, 29918, 13099, 353, 6024, 2605, 2033, 718, 1583, 29889, 24713, 3032, 14394, 29918, 6672, 29889, 25027, 391, 580, 13, 9651, 565, 1583, 29889, 2457, 29918, 21134, 29901, 13, 18884, 11073, 29918, 13099, 353, 1583, 29889, 2457, 29918, 21134, 13, 9651, 1683, 29901, 13, 18884, 11073, 29918, 13099, 353, 1583, 29889, 24713, 3032, 1643, 29918, 6672, 29889, 25027, 391, 580, 13, 462, 13, 9651, 565, 1583, 29889, 2457, 29918, 29990, 29918, 29891, 29901, 13, 18884, 5680, 353, 1583, 29889, 24713, 29889, 2176, 29889, 309, 542, 29961, 2962, 29901, 355, 3816, 1725, 8141, 434, 29918, 13099, 29962, 13, 18884, 11073, 353, 1583, 29889, 24713, 29889, 2176, 29889, 309, 542, 29961, 2962, 29901, 355, 3816, 21134, 29918, 13099, 29962, 13, 18884, 1583, 29889, 2962, 353, 1095, 13, 18884, 736, 5680, 29892, 11073, 13, 9651, 1683, 29901, 13, 18884, 4341, 353, 1238, 8141, 434, 29918, 13099, 718, 11073, 29918, 13099, 13, 18884, 848, 353, 1583, 29889, 24713, 29889, 2176, 29889, 309, 542, 29961, 2962, 29901, 355, 3816, 13099, 29962, 13, 18884, 1583, 29889, 2962, 353, 1095, 13, 18884, 736, 848, 13, 4706, 1683, 29901, 13, 9651, 363, 474, 297, 3464, 29898, 2962, 29892, 1095, 1125, 13, 18884, 5680, 29892, 1967, 29918, 14394, 29892, 11073, 353, 1583, 29889, 24713, 29961, 29875, 29962, 13, 18884, 599, 29918, 22100, 29889, 4397, 29898, 22100, 29897, 13, 18884, 1967, 29918, 22100, 29889, 4397, 29898, 3027, 29918, 14394, 29897, 13, 18884, 599, 29918, 21134, 29889, 4397, 29898, 21134, 29897, 13, 9651, 921, 29918, 22100, 29892, 921, 29918, 3027, 353, 10518, 29889, 17271, 29898, 497, 29918, 22100, 29892, 4341, 29922, 1311, 29889, 24713, 3032, 14394, 29918, 6672, 511, 10518, 29889, 17271, 29898, 3027, 29918, 22100, 29897, 13, 9651, 343, 353, 10518, 29889, 17271, 29898, 497, 29918, 21134, 29892, 4341, 29922, 1311, 29889, 24713, 3032, 1643, 29918, 6672, 29897, 13, 9651, 565, 1583, 29889, 2457, 29918, 21134, 29901, 13, 18884, 565, 7431, 29898, 1311, 29889, 2457, 29918, 21134, 29897, 1405, 29871, 29896, 29901, 13, 462, 1678, 343, 353, 343, 29961, 1311, 29889, 2457, 29918, 21134, 29962, 13, 18884, 1683, 29901, 13, 462, 1678, 343, 353, 343, 29961, 1311, 29889, 2457, 29918, 21134, 29961, 29900, 5262, 13, 9651, 1583, 29889, 2962, 353, 1095, 13, 9651, 736, 921, 29918, 22100, 29892, 921, 29918, 3027, 29892, 343, 13, 13, 2 ]
src/data/prepare_train_data.py
ds-praveenkumar/m5-accuracy-prediction
0
30966
# github link: https://github.com/ds-praveenkumar/kaggle # Author: ds-praveenkumar # file: forcasting/prepare_train_data.py/ # Created by ds-praveenkumar at 13-06-2020 15 34 # feature: import os import pandas as pd import numpy as np import click from src.utility.timeit import timeit root = os.path.dirname(os.getcwd()) train_data_path = os.path.join(root, 'data', 'training') preprocess_data_path = os.path.join(root, 'data', 'preprocess') @timeit def prepare_train_data(prep_path, train_path): prep_df = pd.DataFrame(np.load(os.path.join(prep_path, 'sales_mat.npy'))) prep_df = prep_df.T prep_df['ds'] = pd.date_range(end='2016-06-19',periods=1913).values for column in prep_df.iloc[:,:30489]: train_items = prep_df[['ds',column]][-365:] train_items.rename(columns={column:'y'},inplace=True) save_at = os.path.join(train_path,f"{column}.csv") train_items.to_csv(save_at,index=False) print(f"file saved at {save_at}") @click.command() @click.argument('preprocess_data_path', type=click.Path(exists=True)) @click.argument('train_data_path', type=click.Path()) def main(preprocess_data_path, train_data_path): prepare_train_data(preprocess_data_path, train_data_path) if __name__=='__main__': main()
[ 1, 396, 18546, 1544, 29901, 2045, 597, 3292, 29889, 510, 29914, 6289, 29899, 29886, 336, 345, 5842, 24540, 29914, 29895, 351, 6234, 13, 29937, 13361, 29901, 18031, 29899, 29886, 336, 345, 5842, 24540, 13, 29937, 934, 29901, 363, 4384, 292, 29914, 19125, 29918, 14968, 29918, 1272, 29889, 2272, 29914, 13, 29937, 6760, 630, 491, 18031, 29899, 29886, 336, 345, 5842, 24540, 472, 29871, 29896, 29941, 29899, 29900, 29953, 29899, 29906, 29900, 29906, 29900, 29871, 29896, 29945, 29871, 29941, 29946, 13, 29937, 4682, 29901, 13, 13, 5215, 2897, 13, 5215, 11701, 408, 10518, 13, 5215, 12655, 408, 7442, 13, 5215, 2828, 13, 3166, 4765, 29889, 329, 1793, 29889, 2230, 277, 1053, 931, 277, 13, 13, 4632, 353, 2897, 29889, 2084, 29889, 25721, 29898, 359, 29889, 657, 29883, 9970, 3101, 13, 14968, 29918, 1272, 29918, 2084, 353, 2897, 29889, 2084, 29889, 7122, 29898, 4632, 29892, 525, 1272, 742, 525, 26495, 1495, 13, 1457, 5014, 29918, 1272, 29918, 2084, 353, 2897, 29889, 2084, 29889, 7122, 29898, 4632, 29892, 525, 1272, 742, 525, 1457, 5014, 1495, 13, 13, 13, 13, 29992, 2230, 277, 13, 1753, 19012, 29918, 14968, 29918, 1272, 29898, 15287, 29918, 2084, 29892, 7945, 29918, 2084, 1125, 13, 13, 1678, 8273, 29918, 2176, 353, 10518, 29889, 17271, 29898, 9302, 29889, 1359, 29898, 359, 29889, 2084, 29889, 7122, 29898, 15287, 29918, 2084, 29892, 525, 29879, 2122, 29918, 2922, 29889, 29876, 2272, 29915, 4961, 13, 1678, 8273, 29918, 2176, 353, 8273, 29918, 2176, 29889, 29911, 13, 1678, 8273, 29918, 2176, 1839, 6289, 2033, 353, 29871, 10518, 29889, 1256, 29918, 3881, 29898, 355, 2433, 29906, 29900, 29896, 29953, 29899, 29900, 29953, 29899, 29896, 29929, 742, 19145, 29879, 29922, 29896, 29929, 29896, 29941, 467, 5975, 13, 1678, 363, 1897, 297, 8273, 29918, 2176, 29889, 309, 542, 7503, 29892, 29901, 29941, 29900, 29946, 29947, 29929, 5387, 13, 4706, 7945, 29918, 7076, 353, 8273, 29918, 2176, 29961, 1839, 6289, 742, 4914, 29962, 3816, 29899, 29941, 29953, 29945, 17531, 13, 4706, 7945, 29918, 7076, 29889, 1267, 420, 29898, 13099, 3790, 4914, 11283, 29891, 16675, 262, 6689, 29922, 5574, 29897, 13, 4706, 4078, 29918, 271, 353, 2897, 29889, 2084, 29889, 7122, 29898, 14968, 29918, 2084, 29892, 29888, 29908, 29912, 4914, 1836, 7638, 1159, 13, 4706, 7945, 29918, 7076, 29889, 517, 29918, 7638, 29898, 7620, 29918, 271, 29892, 2248, 29922, 8824, 29897, 13, 4706, 1596, 29898, 29888, 29908, 1445, 7160, 472, 426, 7620, 29918, 271, 27195, 13, 13, 13, 13, 29992, 3808, 29889, 6519, 580, 13, 29992, 3808, 29889, 23516, 877, 1457, 5014, 29918, 1272, 29918, 2084, 742, 1134, 29922, 3808, 29889, 2605, 29898, 9933, 29922, 5574, 876, 13, 29992, 3808, 29889, 23516, 877, 14968, 29918, 1272, 29918, 2084, 742, 1134, 29922, 3808, 29889, 2605, 3101, 13, 1753, 1667, 29898, 1457, 5014, 29918, 1272, 29918, 2084, 29892, 7945, 29918, 1272, 29918, 2084, 1125, 13, 1678, 19012, 29918, 14968, 29918, 1272, 29898, 1457, 5014, 29918, 1272, 29918, 2084, 29892, 7945, 29918, 1272, 29918, 2084, 29897, 13, 13, 13, 361, 4770, 978, 1649, 1360, 29915, 1649, 3396, 1649, 2396, 13, 1678, 1667, 580, 2 ]
basic-programs/tensor_autograd.py
lcskrishna/my-pytorch-experiments
0
191531
import torch x = torch.ones(2,2, requires_grad = True) print (x) y = x + 2 print (y) print (y.grad_fn) z = y * y * 3 out = z.mean() print (z) print (out) a = torch.randn(2,2) a = ((a * 3)/ (a - 1)) print (a.requires_grad) a.requires_grad_(True) print (a.requires_grad) b = (a * a).sum() print (b.grad_fn) out.backward() print (x.grad) x = torch.randn(3, requires_grad = True) y = x * 2 while y.data.norm() < 1000: y = y * 2 print (y) gradients = torch.tensor([0.1, 1.0, 0.0001], dtype=torch.float) y.backward(gradients) print (x.grad) print (x.requires_grad) print ((x ** 2).requires_grad) with torch.no_grad(): print ((x ** 2).requires_grad)
[ 1, 1053, 4842, 305, 13, 29916, 353, 4842, 305, 29889, 2873, 29898, 29906, 29892, 29906, 29892, 6858, 29918, 5105, 353, 5852, 29897, 13, 2158, 313, 29916, 29897, 13, 13, 29891, 353, 921, 718, 29871, 29906, 13, 2158, 313, 29891, 29897, 13, 13, 2158, 313, 29891, 29889, 5105, 29918, 9144, 29897, 13, 13, 29920, 353, 343, 334, 343, 334, 29871, 29941, 13, 449, 353, 503, 29889, 12676, 580, 13, 2158, 313, 29920, 29897, 13, 2158, 313, 449, 29897, 13, 13, 29874, 353, 4842, 305, 29889, 9502, 29876, 29898, 29906, 29892, 29906, 29897, 13, 29874, 353, 5135, 29874, 334, 29871, 29941, 6802, 313, 29874, 448, 29871, 29896, 876, 13, 2158, 313, 29874, 29889, 276, 339, 2658, 29918, 5105, 29897, 13, 29874, 29889, 276, 339, 2658, 29918, 5105, 23538, 5574, 29897, 13, 2158, 313, 29874, 29889, 276, 339, 2658, 29918, 5105, 29897, 13, 29890, 353, 313, 29874, 334, 263, 467, 2083, 580, 13, 2158, 313, 29890, 29889, 5105, 29918, 9144, 29897, 13, 13, 449, 29889, 1627, 1328, 580, 13, 2158, 313, 29916, 29889, 5105, 29897, 13, 13, 29916, 353, 4842, 305, 29889, 9502, 29876, 29898, 29941, 29892, 6858, 29918, 5105, 353, 5852, 29897, 13, 29891, 353, 921, 334, 29871, 29906, 29871, 13, 8000, 343, 29889, 1272, 29889, 12324, 580, 529, 29871, 29896, 29900, 29900, 29900, 29901, 13, 1678, 343, 353, 343, 334, 29871, 29906, 13, 2158, 313, 29891, 29897, 13, 13, 5105, 10070, 353, 4842, 305, 29889, 20158, 4197, 29900, 29889, 29896, 29892, 29871, 29896, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 29900, 29900, 29896, 1402, 26688, 29922, 7345, 305, 29889, 7411, 29897, 13, 29891, 29889, 1627, 1328, 29898, 5105, 10070, 29897, 13, 2158, 313, 29916, 29889, 5105, 29897, 13, 13, 2158, 313, 29916, 29889, 276, 339, 2658, 29918, 5105, 29897, 13, 2158, 5135, 29916, 3579, 29871, 29906, 467, 276, 339, 2658, 29918, 5105, 29897, 13, 13, 2541, 4842, 305, 29889, 1217, 29918, 5105, 7295, 13, 1678, 1596, 5135, 29916, 3579, 29871, 29906, 467, 276, 339, 2658, 29918, 5105, 29897, 13, 268, 13, 2 ]
examples/topic_with_admin_key.py
wensheng/hedera-sdk-py
9
1602489
from hedera import ( PrivateKey, KeyList, TopicCreateTransaction, TopicUpdateTransaction, TopicInfoQuery, ) from get_client import client initialAdminKeys = [PrivateKey.generate() for i in range(3)] thresholdKey = KeyList.of(initialAdminKeys[0], initialAdminKeys[1]) # Create topic tran = TopicCreateTransaction( ).setTopicMemo("demo topic" ).setAdminKey(thresholdKey ).freezeWith(client ).sign(initialAdminKeys[0] ).sign(initialAdminKeys[1]) resp = tran.execute(client) topicId = resp.getReceipt(client).topicId print("Created new topic ", topicId.toString(), " with 2-of-3 threshold key as adminKey.") newAdminKeys = [PrivateKey.generate() for i in range(4)] thresholdKey = KeyList.of(newAdminKeys[0], newAdminKeys[1], newAdminKeys[2]) # Sign with the initial adminKey. 2 of the 3 keys already part of the topic's adminKey. # Sign with the new adminKey. 3 of 4 keys already part of the topic's adminKey. tran = TopicUpdateTransaction( ).setTopicId(topicId ).setTopicMemo("updated demo topic" ).setAdminKey(thresholdKey ).freezeWith(client ).sign(initialAdminKeys[0] ).sign(initialAdminKeys[1] ).sign(newAdminKeys[0] ).sign(newAdminKeys[1] ).sign(newAdminKeys[2]) resp = tran.execute(client) receipt = resp.getReceipt(client) print("Updated topic ", topicId.toString(), " with 3-of-4 threshold key as adminKey.") topicInfo = TopicInfoQuery().setTopicId(topicId).execute(client) print(topicInfo.toString())
[ 1, 515, 298, 287, 1572, 1053, 313, 13, 1678, 12230, 2558, 29892, 13, 1678, 7670, 1293, 29892, 13, 1678, 7488, 293, 4391, 12460, 29892, 13, 1678, 7488, 293, 6422, 12460, 29892, 13, 1678, 7488, 293, 3401, 3010, 29892, 13, 1678, 1723, 13, 3166, 679, 29918, 4645, 1053, 3132, 13, 13, 11228, 12754, 15506, 353, 518, 25207, 2558, 29889, 17158, 580, 363, 474, 297, 3464, 29898, 29941, 4638, 13, 386, 12268, 2558, 353, 7670, 1293, 29889, 974, 29898, 11228, 12754, 15506, 29961, 29900, 1402, 2847, 12754, 15506, 29961, 29896, 2314, 13, 13, 29937, 6204, 11261, 13, 509, 273, 353, 7488, 293, 4391, 12460, 29898, 13, 539, 13742, 842, 7031, 293, 11442, 29877, 703, 17482, 11261, 29908, 13, 539, 13742, 842, 12754, 2558, 29898, 386, 12268, 2558, 13, 539, 13742, 9021, 911, 3047, 29898, 4645, 13, 539, 13742, 4530, 29898, 11228, 12754, 15506, 29961, 29900, 29962, 13, 539, 13742, 4530, 29898, 11228, 12754, 15506, 29961, 29896, 2314, 13, 13, 13713, 353, 22024, 29889, 7978, 29898, 4645, 29897, 13, 13010, 1204, 353, 4613, 29889, 657, 10380, 21278, 29898, 4645, 467, 13010, 1204, 13, 2158, 703, 20399, 716, 11261, 9162, 11261, 1204, 29889, 7711, 3285, 376, 411, 29871, 29906, 29899, 974, 29899, 29941, 16897, 1820, 408, 4113, 2558, 23157, 13, 13, 1482, 12754, 15506, 353, 518, 25207, 2558, 29889, 17158, 580, 363, 474, 297, 3464, 29898, 29946, 4638, 13, 386, 12268, 2558, 353, 7670, 1293, 29889, 974, 29898, 1482, 12754, 15506, 29961, 29900, 1402, 716, 12754, 15506, 29961, 29896, 1402, 716, 12754, 15506, 29961, 29906, 2314, 13, 13, 29937, 9954, 411, 278, 2847, 4113, 2558, 29889, 29871, 29906, 310, 278, 29871, 29941, 6611, 2307, 760, 310, 278, 11261, 29915, 29879, 4113, 2558, 29889, 13, 29937, 9954, 411, 278, 716, 4113, 2558, 29889, 29871, 29941, 310, 29871, 29946, 6611, 2307, 760, 310, 278, 11261, 29915, 29879, 4113, 2558, 29889, 13, 509, 273, 353, 7488, 293, 6422, 12460, 29898, 13, 539, 13742, 842, 7031, 293, 1204, 29898, 13010, 1204, 13, 539, 13742, 842, 7031, 293, 11442, 29877, 703, 21402, 13455, 11261, 29908, 13, 539, 13742, 842, 12754, 2558, 29898, 386, 12268, 2558, 13, 539, 13742, 9021, 911, 3047, 29898, 4645, 13, 539, 13742, 4530, 29898, 11228, 12754, 15506, 29961, 29900, 29962, 13, 539, 13742, 4530, 29898, 11228, 12754, 15506, 29961, 29896, 29962, 13, 539, 13742, 4530, 29898, 1482, 12754, 15506, 29961, 29900, 29962, 13, 539, 13742, 4530, 29898, 1482, 12754, 15506, 29961, 29896, 29962, 13, 539, 13742, 4530, 29898, 1482, 12754, 15506, 29961, 29906, 2314, 13, 13, 13713, 353, 22024, 29889, 7978, 29898, 4645, 29897, 13, 13556, 21278, 353, 4613, 29889, 657, 10380, 21278, 29898, 4645, 29897, 13, 2158, 703, 29248, 11261, 9162, 11261, 1204, 29889, 7711, 3285, 376, 411, 29871, 29941, 29899, 974, 29899, 29946, 16897, 1820, 408, 4113, 2558, 23157, 13, 13010, 3401, 353, 7488, 293, 3401, 3010, 2141, 842, 7031, 293, 1204, 29898, 13010, 1204, 467, 7978, 29898, 4645, 29897, 13, 2158, 29898, 13010, 3401, 29889, 7711, 3101, 13, 2 ]
lingvo/tasks/asr/tools/simple_wer_v2.py
allenwang28/lingvo
2,611
132399
# Lint as: python3 # Copyright 2018 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # ============================================================================== """The new version script to evalute the word error rate (WER) for ASR tasks. Tensorflow and Lingvo are not required to run this script. Example of Usage: a) `python simple_wer_v2.py file_hypothesis file_reference` b) `python simple_wer_v2.py file_hypothesis file_reference file_keyphrases` where `file_hypothesis` is the filename for hypothesis text, `file_reference` is the filename for reference text, and `file_keyphrases` is the optional filename for important phrases (one phrase per line). Note that the program will also generate a html to diagnose the errors, and the html filename is `{$file_hypothesis}_diagnois.html`. Another way is to use this file as a stand-alone library, by calling class SimpleWER with the following member functions: - AddHypRef(hyp, ref): Updates the evaluation for each (hyp,ref) pair. - GetWER(): Computes word error rate (WER) for all the added hyp-ref pairs. - GetSummaries(): Generates strings to summarize word and key phrase errors. - GetKeyPhraseStats(): Measures stats for key phrases. Stats include: (1) Jaccard similarity: https://en.wikipedia.org/wiki/Jaccard_index. (2) F1 score: https://en.wikipedia.org/wiki/Precision_and_recall. """ import re import sys def TxtPreprocess(txt): """Preprocess text before WER caculation.""" # Lowercase, remove \t and new line. txt = re.sub(r'[\t\n]', ' ', txt.lower()) # Remove punctuation before space. txt = re.sub(r'[,.\?!]+ ', ' ', txt) # Remove punctuation before end. txt = re.sub(r'[,.\?!]+$', ' ', txt) # Remove punctuation after space. txt = re.sub(r' [,.\?!]+', ' ', txt) # Remove quotes, [, ], ( and ). txt = re.sub(r'["\(\)\[\]]', '', txt) # Remove extra space. txt = re.sub(' +', ' ', txt.strip()) return txt def RemoveCommentTxtPreprocess(txt): """Preprocess text and remove comments in the brancket, such as [comments].""" # Remove comments surrounded by box brackets: txt = re.sub(r'\[\w+\]', '', txt) return TxtPreprocess(txt) def HighlightAlignedHtml(hyp, ref, err_type): """Generate a html element to highlight the difference between hyp and ref. Args: hyp: Hypothesis string. ref: Reference string. err_type: one of 'none', 'sub', 'del', 'ins'. Returns: a html string where disagreements are highlighted. Note `hyp` is highlighted in green, and marked with <del> </del> `ref` is highlighted in yellow. If you want html with nother styles, consider to write your own function. Raises: ValueError: if err_type is not among ['none', 'sub', 'del', 'ins']. or if when err_type == 'none', hyp != ref """ highlighted_html = '' if err_type == 'none': if hyp != ref: raise ValueError('hyp (%s) does not match ref (%s) for none error' % (hyp, ref)) highlighted_html += '%s ' % hyp elif err_type == 'sub': highlighted_html += """<span style="background-color: yellow"> <del>%s</del></span><span style="background-color: yellow"> %s </span> """ % (hyp, ref) elif err_type == 'del': highlighted_html += """<span style="background-color: red"> %s </span> """ % ( ref) elif err_type == 'ins': highlighted_html += """<span style="background-color: green"> <del>%s</del> </span> """ % ( hyp) else: raise ValueError('unknown err_type ' + err_type) return highlighted_html def ComputeEditDistanceMatrix(hyp_words, ref_words): """Compute edit distance between two list of strings. Args: hyp_words: the list of words in the hypothesis sentence ref_words: the list of words in the reference sentence Returns: Edit distance matrix (in the format of list of lists), where the first index is the reference and the second index is the hypothesis. """ reference_length_plus = len(ref_words) + 1 hypothesis_length_plus = len(hyp_words) + 1 edit_dist_mat = [[]] * reference_length_plus # Initialization. for i in range(reference_length_plus): edit_dist_mat[i] = [0] * hypothesis_length_plus for j in range(hypothesis_length_plus): if i == 0: edit_dist_mat[0][j] = j elif j == 0: edit_dist_mat[i][0] = i # Do dynamic programming. for i in range(1, reference_length_plus): for j in range(1, hypothesis_length_plus): if ref_words[i - 1] == hyp_words[j - 1]: edit_dist_mat[i][j] = edit_dist_mat[i - 1][j - 1] else: tmp0 = edit_dist_mat[i - 1][j - 1] + 1 tmp1 = edit_dist_mat[i][j - 1] + 1 tmp2 = edit_dist_mat[i - 1][j] + 1 edit_dist_mat[i][j] = min(tmp0, tmp1, tmp2) return edit_dist_mat class SimpleWER: """Compute word error rates after the alignment. Attributes: key_phrases: list of important phrases. aligned_htmls: list of diagnois htmls, each of which corresponding to a pair of hypothesis and reference. hyp_keyphrase_counts: dict. `hyp_keyphrase_counts[w]` counts how often a key phrases `w` appear in the hypotheses. ref_keyphrase_counts: dict. `ref_keyphrase_counts[w]` counts how often a key phrases `w` appear in the references. matched_keyphrase_counts: dict. `matched_keyphrase_counts[w]` counts how often a key phrase `w` appear in the aligned transcripts when the reference and hyp_keyphrase match. wer_info: dict with four keys: 'sub' (substitution error), 'ins' (insersion error), 'del' (deletion error), 'nw' (number of words). We can use wer_info to compute word error rate (WER) as (wer_info['sub']+wer_info['ins']+wer_info['del'])*100.0/wer_info['nw'] """ def __init__(self, key_phrases=None, html_handler=HighlightAlignedHtml, preprocess_handler=RemoveCommentTxtPreprocess): """Initialize SimpleWER object. Args: key_phrases: list of strings as important phrases. If key_phrases is None, no key_phrases related metric will be computed. html_handler: function to generate a string with html tags. preprocess_handler: function to preprocess text before computing WER. """ self._preprocess_handler = preprocess_handler self._html_handler = html_handler self.key_phrases = key_phrases self.aligned_htmls = [] self.wer_info = {'sub': 0, 'ins': 0, 'del': 0, 'nw': 0} if key_phrases: # Pre-process key_phrase list if self._preprocess_handler: self.key_phrases = \ [self._preprocess_handler(k) for k in self.key_phrases] # Init keyphrase_counts for every key phrase self.ref_keyphrase_counts = {} self.hyp_keyphrase_counts = {} self.matched_keyphrase_counts = {} for k in self.key_phrases: self.ref_keyphrase_counts[k] = 0 self.hyp_keyphrase_counts[k] = 0 self.matched_keyphrase_counts[k] = 0 else: self.ref_keyphrase_counts = None self.hyp_keyphrase_counts = None self.matched_keyphrase_counts = None def AddHypRef(self, hypothesis, reference): """Update WER when adding one pair of strings: (hypothesis, reference). Args: hypothesis: Hypothesis string. reference: Reference string. Raises: ValueError: when the program fails to parse edit distance matrix. """ if self._preprocess_handler: hypothesis = self._preprocess_handler(hypothesis) reference = self._preprocess_handler(reference) # Compute edit distance. hyp_words = hypothesis.split() ref_words = reference.split() distmat = ComputeEditDistanceMatrix(hyp_words, ref_words) # Back trace, to distinguish different errors: ins, del, sub. pos_hyp, pos_ref = len(hyp_words), len(ref_words) wer_info = {'sub': 0, 'ins': 0, 'del': 0, 'nw': len(ref_words)} aligned_html = '' matched_ref = '' while pos_hyp > 0 or pos_ref > 0: err_type = '' # Distinguish error type by back tracking if pos_ref == 0: err_type = 'ins' elif pos_hyp == 0: err_type = 'del' else: if hyp_words[pos_hyp - 1] == ref_words[pos_ref - 1]: err_type = 'none' # correct error elif distmat[pos_ref][pos_hyp] == distmat[pos_ref - 1][pos_hyp - 1] + 1: err_type = 'sub' # substitute error elif distmat[pos_ref][pos_hyp] == distmat[pos_ref - 1][pos_hyp] + 1: err_type = 'del' # deletion error elif distmat[pos_ref][pos_hyp] == distmat[pos_ref][pos_hyp - 1] + 1: err_type = 'ins' # insersion error else: raise ValueError('fail to parse edit distance matrix.') # Generate aligned_html if self._html_handler: if pos_hyp == 0 or not hyp_words: tmph = ' ' else: tmph = hyp_words[pos_hyp - 1] if pos_ref == 0 or not ref_words: tmpr = ' ' else: tmpr = ref_words[pos_ref - 1] aligned_html = self._html_handler(tmph, tmpr, err_type) + aligned_html # If no error, go to previous ref and hyp. if err_type == 'none': matched_ref = hyp_words[pos_hyp - 1] + ' ' + matched_ref pos_hyp, pos_ref = pos_hyp - 1, pos_ref - 1 continue # Update error. wer_info[err_type] += 1 # Adjust position of ref and hyp. if err_type == 'del': pos_ref = pos_ref - 1 elif err_type == 'ins': pos_hyp = pos_hyp - 1 else: # err_type == 'sub' pos_hyp, pos_ref = pos_hyp - 1, pos_ref - 1 # Verify the computation of edit distance finishes assert distmat[-1][-1] == wer_info['ins'] + \ wer_info['del'] + wer_info['sub'] # Accumulate err_info before the next (hyp, ref). for k in wer_info: self.wer_info[k] += wer_info[k] # Collect aligned_htmls. if self._html_handler: self.aligned_htmls += [aligned_html] # Update key phrase info. if self.key_phrases: for w in self.key_phrases: self.ref_keyphrase_counts[w] += reference.count(w) self.hyp_keyphrase_counts[w] += hypothesis.count(w) self.matched_keyphrase_counts[w] += matched_ref.count(w) def GetWER(self): """Compute Word Error Rate (WER). Note WER can be larger than 100.0, esp when there are many insertion errors. Returns: WER as percentage number, usually between 0.0 to 100.0 """ nref = self.wer_info['nw'] nref = max(1, nref) # non_zero value for division total_error = self.wer_info['ins'] \ + self.wer_info['del'] + self.wer_info['sub'] return total_error * 100.0 / nref def GetBreakdownWER(self): """Compute breakdown WER. Returns: A dictionary with del/ins/sub as key, and the error rates in percentage number as value. """ nref = self.wer_info['nw'] nref = max(1, nref) # non_zero value for division wer_breakdown = dict() wer_breakdown['ins'] = self.wer_info['ins'] * 100.0 / nref wer_breakdown['del'] = self.wer_info['del'] * 100.0 / nref wer_breakdown['sub'] = self.wer_info['sub'] * 100.0 / nref return wer_breakdown def GetKeyPhraseStats(self): """Measure the Jaccard similarity of key phrases between hyps and refs. Returns: jaccard_similarity: jaccard similarity, between 0.0 and 1.0 F1_keyphrase: F1 score (=2/(1/prec + 1/recall)), between 0.0 and 1.0 matched_keyphrases: num of matched key phrases. ref_keyphrases: num of key phrases in the reference strings. hyp_keyphrases: num of key phrases in the hypothesis strings. """ matched_k = sum(self.matched_keyphrase_counts.values()) ref_k = sum(self.ref_keyphrase_counts.values()) hyp_k = sum(self.hyp_keyphrase_counts.values()) joined_k = ref_k + hyp_k - matched_k joined_k = max(1, joined_k) # non_zero value for division jaccard_similarity = matched_k * 1.0 / joined_k f1_k = 2.0 * matched_k / max(ref_k + hyp_k, 1.0) return (jaccard_similarity, f1_k, matched_k, ref_k, hyp_k) def GetSummaries(self): """Generate strings to summarize word errors and key phrase errors. Returns: str_sum: string summarizing total error, total word and WER. str_details: string breaking down three error types: del, ins, sub. str_str_keyphrases_info: string summarizing kerphrase information. """ nref = self.wer_info['nw'] total_error = self.wer_info['ins'] \ + self.wer_info['del'] + self.wer_info['sub'] str_sum = 'total WER = %d, total word = %d, wer = %.2f%%' % ( total_error, nref, self.GetWER()) str_details = 'Error breakdown: del = %.2f%%, ins=%.2f%%, sub=%.2f%%' % ( self.wer_info['del'] * 100.0 / nref, self.wer_info['ins'] * 100.0 / nref, self.wer_info['sub'] * 100.0 / nref) str_keyphrases_info = '' if self.key_phrases: jaccard_p, f1_p, matched_p, ref_p, hyp_p = self.GetKeyPhraseStats() str_keyphrases_info = ('matched %d key phrases (%d in ref, %d in hyp), ' 'jaccard similarity=%.2f, F1=%.2f') % \ (matched_p, ref_p, hyp_p, jaccard_p, f1_p) return str_sum, str_details, str_keyphrases_info def main(argv): hypothesis = open(argv[1], 'r').read() reference = open(argv[2], 'r').read() if len(argv) == 4: phrase_lines = open(argv[3]).readlines() keyphrases = [line.strip() for line in phrase_lines] else: keyphrases = None wer_obj = SimpleWER( key_phrases=keyphrases, html_handler=HighlightAlignedHtml, preprocess_handler=RemoveCommentTxtPreprocess) wer_obj.AddHypRef(hypothesis, reference) str_summary, str_details, str_keyphrases_info = wer_obj.GetSummaries() print(str_summary) print(str_details) print(str_keyphrases_info) try: fn_output = argv[1] + '_diagnosis.html' aligned_html = '<br>'.join(wer_obj.aligned_htmls) with open(fn_output, 'wt') as fp: fp.write('<body><html>') fp.write('<div>%s</div>' % aligned_html) fp.write('</body></html>') except IOError: print('failed to write diagnosis html') if __name__ == '__main__': if len(sys.argv) < 3 or len(sys.argv) > 4: print(""" Example of Usage: python simple_wer_v2.py file_hypothesis file_reference or python simple_wer_v2.py file_hypothesis file_reference file_keyphrases where file_hypothesis is the file name for hypothesis text file_reference is the file name for reference text. file_keyphrases (optional) is the filename of key phrases over which you want to measure accuracy. Or you can use this file as a library, and call class SimpleWER .AddHypRef(hyp, ref): add one pair of hypothesis/reference. You can call this function multiple times. .GetWER(): get the Word Error Rate (WER). .GetBreakdownWER(): get the del/ins/sub breakdown WER. .GetKeyPhraseStats(): get stats for key phrases. The first value is Jaccard Similarity of key phrases. .GetSummaries(): generate strings to summarize word error and key phrase errors. """) sys.exit(1) main(sys.argv)
[ 1, 396, 365, 524, 408, 29901, 3017, 29941, 13, 29937, 14187, 1266, 29871, 29906, 29900, 29896, 29947, 450, 323, 6073, 17907, 13189, 943, 29889, 2178, 26863, 2538, 9841, 29889, 13, 29937, 13, 29937, 10413, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 376, 29931, 293, 1947, 1496, 13, 29937, 366, 1122, 451, 671, 445, 934, 5174, 297, 752, 13036, 411, 278, 19245, 29889, 13, 29937, 887, 1122, 4017, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 268, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 7047, 13, 29937, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 13, 29937, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 13, 29937, 2823, 278, 19245, 363, 278, 2702, 4086, 14765, 1076, 11239, 322, 13, 29937, 27028, 1090, 278, 19245, 29889, 13, 29937, 1275, 9166, 9166, 9166, 9166, 4936, 2751, 13, 15945, 29908, 1576, 716, 1873, 2471, 304, 19745, 1082, 278, 1734, 1059, 6554, 313, 29956, 1001, 29897, 363, 3339, 29934, 9595, 29889, 13, 13, 29911, 6073, 1731, 322, 365, 292, 1365, 526, 451, 3734, 304, 1065, 445, 2471, 29889, 13, 13, 14023, 310, 10783, 482, 29901, 13, 13, 29874, 29897, 421, 4691, 2560, 29918, 556, 29918, 29894, 29906, 29889, 2272, 934, 29918, 29882, 1478, 720, 6656, 934, 29918, 5679, 29952, 13, 29890, 29897, 421, 4691, 2560, 29918, 556, 29918, 29894, 29906, 29889, 2272, 934, 29918, 29882, 1478, 720, 6656, 934, 29918, 5679, 934, 29918, 1989, 24588, 2129, 29952, 13, 13, 3062, 421, 1445, 29918, 29882, 1478, 720, 6656, 29952, 338, 278, 10422, 363, 20051, 1426, 29892, 13, 29952, 1445, 29918, 5679, 29952, 338, 278, 10422, 363, 3407, 1426, 29892, 322, 13, 29952, 1445, 29918, 1989, 24588, 2129, 29952, 338, 278, 13136, 10422, 363, 4100, 12216, 2129, 13, 29898, 650, 16549, 639, 1196, 467, 13, 13, 9842, 393, 278, 1824, 674, 884, 5706, 263, 3472, 304, 24876, 852, 278, 4436, 29892, 13, 392, 278, 3472, 10422, 338, 421, 8290, 1445, 29918, 29882, 1478, 720, 6656, 2403, 6051, 351, 1217, 275, 29889, 1420, 1412, 13, 13, 2744, 1228, 982, 338, 304, 671, 445, 934, 408, 263, 2317, 29899, 18785, 3489, 29892, 491, 5432, 770, 13, 15427, 29956, 1001, 411, 278, 1494, 4509, 3168, 29901, 13, 13, 29899, 3462, 29950, 1478, 5620, 29898, 29882, 1478, 29892, 2143, 1125, 5020, 15190, 278, 17983, 363, 1269, 313, 29882, 1478, 29892, 999, 29897, 5101, 29889, 13, 29899, 3617, 29956, 1001, 7295, 11796, 267, 1734, 1059, 6554, 313, 29956, 1001, 29897, 363, 599, 278, 2715, 10163, 29899, 999, 11000, 29889, 13, 29899, 3617, 11139, 3034, 583, 7295, 3251, 1078, 6031, 304, 19138, 675, 1734, 322, 1820, 16549, 4436, 29889, 13, 29899, 3617, 2558, 29925, 1092, 559, 25060, 7295, 2191, 25414, 22663, 363, 1820, 12216, 2129, 29889, 13, 1678, 624, 1446, 3160, 29901, 13, 1678, 313, 29896, 29897, 435, 5753, 538, 29501, 29901, 2045, 597, 264, 29889, 6011, 29889, 990, 29914, 4594, 29914, 29967, 5753, 538, 29918, 2248, 29889, 13, 1678, 313, 29906, 29897, 383, 29896, 8158, 29901, 2045, 597, 264, 29889, 6011, 29889, 990, 29914, 4594, 29914, 29925, 3757, 2459, 29918, 392, 29918, 3757, 497, 29889, 13, 13, 15945, 29908, 13, 13, 5215, 337, 13, 5215, 10876, 13, 13, 13, 1753, 323, 486, 6572, 5014, 29898, 3945, 1125, 13, 29871, 9995, 6572, 5014, 1426, 1434, 399, 1001, 274, 562, 2785, 1213, 15945, 13, 13, 29871, 396, 27723, 4878, 29892, 3349, 320, 29873, 322, 716, 1196, 29889, 13, 29871, 13872, 353, 337, 29889, 1491, 29898, 29878, 29915, 7110, 29873, 29905, 29876, 29962, 742, 525, 13420, 13872, 29889, 13609, 3101, 13, 13, 29871, 396, 15154, 6035, 22999, 362, 1434, 2913, 29889, 13, 29871, 13872, 353, 337, 29889, 1491, 29898, 29878, 29915, 29961, 7671, 29905, 29973, 29991, 10062, 13420, 525, 13420, 13872, 29897, 13, 13, 29871, 396, 15154, 6035, 22999, 362, 1434, 1095, 29889, 13, 29871, 13872, 353, 337, 29889, 1491, 29898, 29878, 29915, 29961, 7671, 29905, 29973, 29991, 10062, 29938, 742, 525, 13420, 13872, 29897, 13, 13, 29871, 396, 15154, 6035, 22999, 362, 1156, 2913, 29889, 13, 29871, 13872, 353, 337, 29889, 1491, 29898, 29878, 29915, 518, 7671, 29905, 29973, 29991, 10062, 742, 525, 13420, 13872, 29897, 13, 13, 29871, 396, 15154, 11839, 29892, 518, 29892, 21251, 313, 322, 13742, 13, 29871, 13872, 353, 337, 29889, 1491, 29898, 29878, 29915, 3366, 29905, 1194, 2144, 7110, 5262, 742, 15516, 13872, 29897, 13, 13, 29871, 396, 15154, 4805, 2913, 29889, 13, 29871, 13872, 353, 337, 29889, 1491, 877, 718, 742, 525, 13420, 13872, 29889, 17010, 3101, 13, 13, 29871, 736, 13872, 13, 13, 13, 1753, 15154, 20001, 29911, 486, 6572, 5014, 29898, 3945, 1125, 13, 29871, 9995, 6572, 5014, 1426, 322, 3349, 6589, 297, 278, 20531, 3522, 29892, 1316, 408, 518, 21032, 29962, 1213, 15945, 13, 13, 29871, 396, 15154, 6589, 22047, 491, 3800, 20476, 29901, 13, 29871, 13872, 353, 337, 29889, 1491, 29898, 29878, 12764, 7110, 29893, 3124, 29962, 742, 15516, 13872, 29897, 13, 13, 29871, 736, 323, 486, 6572, 5014, 29898, 3945, 29897, 13, 13, 13, 1753, 5057, 4366, 2499, 12961, 10922, 29898, 29882, 1478, 29892, 2143, 29892, 4589, 29918, 1853, 1125, 13, 29871, 9995, 5631, 403, 263, 3472, 1543, 304, 12141, 278, 4328, 1546, 10163, 322, 2143, 29889, 13, 13, 29871, 826, 3174, 29901, 13, 1678, 10163, 29901, 28984, 720, 6656, 1347, 29889, 13, 1678, 2143, 29901, 12105, 1347, 29889, 13, 1678, 4589, 29918, 1853, 29901, 697, 310, 525, 9290, 742, 525, 1491, 742, 525, 6144, 742, 525, 1144, 4286, 13, 13, 29871, 16969, 29901, 13, 1678, 263, 3472, 1347, 988, 22941, 276, 4110, 526, 12141, 287, 29889, 13, 418, 3940, 421, 29882, 1478, 29952, 338, 12141, 287, 297, 7933, 29892, 322, 10902, 411, 529, 6144, 29958, 1533, 6144, 29958, 13, 418, 421, 999, 29952, 338, 12141, 287, 297, 13328, 29889, 960, 366, 864, 3472, 411, 451, 2276, 11949, 29892, 13, 418, 2050, 304, 2436, 596, 1914, 740, 29889, 13, 13, 29871, 390, 1759, 267, 29901, 13, 1678, 7865, 2392, 29901, 565, 4589, 29918, 1853, 338, 451, 4249, 6024, 9290, 742, 525, 1491, 742, 525, 6144, 742, 525, 1144, 13359, 13, 418, 470, 565, 746, 4589, 29918, 1853, 1275, 525, 9290, 742, 10163, 2804, 2143, 13, 29871, 9995, 13, 13, 29871, 12141, 287, 29918, 1420, 353, 6629, 13, 29871, 565, 4589, 29918, 1853, 1275, 525, 9290, 2396, 13, 1678, 565, 10163, 2804, 2143, 29901, 13, 418, 12020, 7865, 2392, 877, 29882, 1478, 313, 29995, 29879, 29897, 947, 451, 1993, 2143, 313, 29995, 29879, 29897, 363, 5642, 1059, 29915, 1273, 13, 462, 539, 313, 29882, 1478, 29892, 2143, 876, 13, 1678, 12141, 287, 29918, 1420, 4619, 14210, 29879, 525, 1273, 10163, 13, 13, 29871, 25342, 4589, 29918, 1853, 1275, 525, 1491, 2396, 13, 1678, 12141, 287, 29918, 1420, 4619, 9995, 29966, 9653, 3114, 543, 7042, 29899, 2780, 29901, 13328, 1013, 13, 4706, 529, 6144, 29958, 29995, 29879, 829, 6144, 2565, 9653, 5299, 9653, 3114, 543, 7042, 29899, 2780, 29901, 13328, 1013, 13, 4706, 1273, 29879, 1533, 9653, 29958, 9995, 1273, 313, 29882, 1478, 29892, 2143, 29897, 13, 13, 29871, 25342, 4589, 29918, 1853, 1275, 525, 6144, 2396, 13, 1678, 12141, 287, 29918, 1420, 4619, 9995, 29966, 9653, 3114, 543, 7042, 29899, 2780, 29901, 2654, 1013, 13, 4706, 1273, 29879, 1533, 9653, 29958, 9995, 1273, 313, 13, 9651, 2143, 29897, 13, 13, 29871, 25342, 4589, 29918, 1853, 1275, 525, 1144, 2396, 13, 1678, 12141, 287, 29918, 1420, 4619, 9995, 29966, 9653, 3114, 543, 7042, 29899, 2780, 29901, 7933, 1013, 13, 4706, 529, 6144, 29958, 29995, 29879, 829, 6144, 29958, 1533, 9653, 29958, 9995, 1273, 313, 13, 9651, 10163, 29897, 13, 13, 29871, 1683, 29901, 13, 1678, 12020, 7865, 2392, 877, 26690, 4589, 29918, 1853, 525, 718, 4589, 29918, 1853, 29897, 13, 13, 29871, 736, 12141, 287, 29918, 1420, 13, 13, 13, 1753, 11796, 29872, 6103, 27469, 14609, 29898, 29882, 1478, 29918, 9303, 29892, 2143, 29918, 9303, 1125, 13, 29871, 9995, 20606, 29872, 3863, 5418, 1546, 1023, 1051, 310, 6031, 29889, 13, 13, 29871, 826, 3174, 29901, 13, 1678, 10163, 29918, 9303, 29901, 278, 1051, 310, 3838, 297, 278, 20051, 10541, 13, 1678, 2143, 29918, 9303, 29901, 278, 1051, 310, 3838, 297, 278, 3407, 10541, 13, 13, 29871, 16969, 29901, 13, 1678, 7641, 5418, 4636, 313, 262, 278, 3402, 310, 1051, 310, 8857, 511, 988, 278, 937, 13, 1678, 2380, 338, 278, 3407, 322, 278, 1473, 2380, 338, 278, 20051, 29889, 13, 29871, 9995, 13, 29871, 3407, 29918, 2848, 29918, 11242, 353, 7431, 29898, 999, 29918, 9303, 29897, 718, 29871, 29896, 13, 29871, 20051, 29918, 2848, 29918, 11242, 353, 7431, 29898, 29882, 1478, 29918, 9303, 29897, 718, 29871, 29896, 13, 29871, 3863, 29918, 5721, 29918, 2922, 353, 518, 2636, 29962, 334, 3407, 29918, 2848, 29918, 11242, 13, 13, 29871, 396, 17250, 2133, 29889, 13, 29871, 363, 474, 297, 3464, 29898, 5679, 29918, 2848, 29918, 11242, 1125, 13, 1678, 3863, 29918, 5721, 29918, 2922, 29961, 29875, 29962, 353, 518, 29900, 29962, 334, 20051, 29918, 2848, 29918, 11242, 13, 1678, 363, 432, 297, 3464, 29898, 29882, 1478, 720, 6656, 29918, 2848, 29918, 11242, 1125, 13, 418, 565, 474, 1275, 29871, 29900, 29901, 13, 4706, 3863, 29918, 5721, 29918, 2922, 29961, 29900, 3816, 29926, 29962, 353, 432, 13, 418, 25342, 432, 1275, 29871, 29900, 29901, 13, 4706, 3863, 29918, 5721, 29918, 2922, 29961, 29875, 3816, 29900, 29962, 353, 474, 13, 13, 29871, 396, 1938, 7343, 8720, 29889, 13, 29871, 363, 474, 297, 3464, 29898, 29896, 29892, 3407, 29918, 2848, 29918, 11242, 1125, 13, 1678, 363, 432, 297, 3464, 29898, 29896, 29892, 20051, 29918, 2848, 29918, 11242, 1125, 13, 418, 565, 2143, 29918, 9303, 29961, 29875, 448, 29871, 29896, 29962, 1275, 10163, 29918, 9303, 29961, 29926, 448, 29871, 29896, 5387, 13, 4706, 3863, 29918, 5721, 29918, 2922, 29961, 29875, 3816, 29926, 29962, 353, 3863, 29918, 5721, 29918, 2922, 29961, 29875, 448, 29871, 29896, 3816, 29926, 448, 29871, 29896, 29962, 13, 418, 1683, 29901, 13, 4706, 13128, 29900, 353, 3863, 29918, 5721, 29918, 2922, 29961, 29875, 448, 29871, 29896, 3816, 29926, 448, 29871, 29896, 29962, 718, 29871, 29896, 13, 4706, 13128, 29896, 353, 3863, 29918, 5721, 29918, 2922, 29961, 29875, 3816, 29926, 448, 29871, 29896, 29962, 718, 29871, 29896, 13, 4706, 13128, 29906, 353, 3863, 29918, 5721, 29918, 2922, 29961, 29875, 448, 29871, 29896, 3816, 29926, 29962, 718, 29871, 29896, 13, 4706, 3863, 29918, 5721, 29918, 2922, 29961, 29875, 3816, 29926, 29962, 353, 1375, 29898, 7050, 29900, 29892, 13128, 29896, 29892, 13128, 29906, 29897, 13, 13, 29871, 736, 3863, 29918, 5721, 29918, 2922, 13, 13, 13, 1990, 12545, 29956, 1001, 29901, 13, 29871, 9995, 20606, 29872, 1734, 1059, 19257, 1156, 278, 22239, 29889, 13, 13, 29871, 6212, 5026, 29901, 13, 1678, 1820, 29918, 24588, 2129, 29901, 1051, 310, 4100, 12216, 2129, 29889, 13, 1678, 26118, 29918, 1420, 29879, 29901, 1051, 310, 7936, 1217, 275, 3472, 29879, 29892, 1269, 310, 607, 6590, 304, 263, 5101, 13, 418, 310, 20051, 322, 3407, 29889, 13, 1678, 10163, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29901, 9657, 29889, 421, 29882, 1478, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29961, 29893, 7961, 18139, 920, 4049, 263, 1820, 13, 418, 12216, 2129, 421, 29893, 29952, 2615, 297, 278, 13752, 21523, 29889, 13, 1678, 2143, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29901, 9657, 29889, 421, 999, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29961, 29893, 7961, 18139, 920, 4049, 263, 1820, 13, 418, 12216, 2129, 421, 29893, 29952, 2615, 297, 278, 9282, 29889, 13, 1678, 19228, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29901, 9657, 29889, 421, 4352, 287, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29961, 29893, 7961, 18139, 920, 13, 418, 4049, 263, 1820, 16549, 421, 29893, 29952, 2615, 297, 278, 26118, 1301, 924, 29879, 746, 278, 13, 418, 3407, 322, 10163, 29918, 1989, 24588, 559, 1993, 29889, 13, 1678, 2949, 29918, 3888, 29901, 9657, 411, 3023, 6611, 29901, 525, 1491, 29915, 313, 22492, 5008, 1059, 511, 525, 1144, 29915, 313, 1144, 4455, 13, 418, 1059, 511, 525, 6144, 29915, 313, 311, 1026, 291, 1059, 511, 525, 29876, 29893, 29915, 313, 4537, 310, 3838, 467, 1334, 508, 671, 13, 418, 2949, 29918, 3888, 304, 10272, 1734, 1059, 6554, 313, 29956, 1001, 29897, 408, 13, 418, 313, 556, 29918, 3888, 1839, 1491, 2033, 29974, 556, 29918, 3888, 1839, 1144, 2033, 29974, 556, 29918, 3888, 1839, 6144, 11287, 29930, 29896, 29900, 29900, 29889, 29900, 29914, 556, 29918, 3888, 1839, 29876, 29893, 2033, 13, 29871, 9995, 13, 13, 29871, 822, 4770, 2344, 12035, 1311, 29892, 13, 1669, 1820, 29918, 24588, 2129, 29922, 8516, 29892, 13, 1669, 3472, 29918, 13789, 29922, 16382, 4366, 2499, 12961, 10922, 29892, 13, 1669, 758, 5014, 29918, 13789, 29922, 15941, 20001, 29911, 486, 6572, 5014, 1125, 13, 1678, 9995, 6644, 6646, 12545, 29956, 1001, 1203, 29889, 13, 13, 1678, 826, 3174, 29901, 13, 418, 1820, 29918, 24588, 2129, 29901, 29871, 1051, 310, 6031, 408, 4100, 12216, 2129, 29889, 960, 1820, 29918, 24588, 2129, 338, 13, 4706, 6213, 29892, 694, 1820, 29918, 24588, 2129, 4475, 12714, 674, 367, 15712, 29889, 13, 418, 3472, 29918, 13789, 29901, 740, 304, 5706, 263, 1347, 411, 3472, 8282, 29889, 13, 418, 758, 5014, 29918, 13789, 29901, 740, 304, 758, 5014, 1426, 1434, 20602, 399, 1001, 29889, 13, 1678, 9995, 13, 1678, 1583, 3032, 1457, 5014, 29918, 13789, 353, 758, 5014, 29918, 13789, 13, 1678, 1583, 3032, 1420, 29918, 13789, 353, 3472, 29918, 13789, 13, 1678, 1583, 29889, 1989, 29918, 24588, 2129, 353, 1820, 29918, 24588, 2129, 13, 1678, 1583, 29889, 13671, 29918, 1420, 29879, 353, 5159, 13, 1678, 1583, 29889, 556, 29918, 3888, 353, 11117, 1491, 2396, 29871, 29900, 29892, 525, 1144, 2396, 29871, 29900, 29892, 525, 6144, 2396, 29871, 29900, 29892, 525, 29876, 29893, 2396, 29871, 29900, 29913, 13, 1678, 565, 1820, 29918, 24588, 2129, 29901, 13, 418, 396, 4721, 29899, 5014, 1820, 29918, 24588, 559, 1051, 13, 418, 565, 1583, 3032, 1457, 5014, 29918, 13789, 29901, 13, 4706, 1583, 29889, 1989, 29918, 24588, 2129, 353, 320, 13, 9651, 518, 1311, 3032, 1457, 5014, 29918, 13789, 29898, 29895, 29897, 363, 413, 297, 1583, 29889, 1989, 29918, 24588, 2129, 29962, 13, 13, 418, 396, 10886, 1820, 24588, 559, 29918, 2798, 29879, 363, 1432, 1820, 16549, 13, 418, 1583, 29889, 999, 29918, 1989, 24588, 559, 29918, 2798, 29879, 353, 6571, 13, 418, 1583, 29889, 29882, 1478, 29918, 1989, 24588, 559, 29918, 2798, 29879, 353, 6571, 13, 418, 1583, 29889, 4352, 287, 29918, 1989, 24588, 559, 29918, 2798, 29879, 353, 6571, 13, 418, 363, 413, 297, 1583, 29889, 1989, 29918, 24588, 2129, 29901, 13, 4706, 1583, 29889, 999, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29961, 29895, 29962, 353, 29871, 29900, 13, 4706, 1583, 29889, 29882, 1478, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29961, 29895, 29962, 353, 29871, 29900, 13, 4706, 1583, 29889, 4352, 287, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29961, 29895, 29962, 353, 29871, 29900, 13, 1678, 1683, 29901, 13, 418, 1583, 29889, 999, 29918, 1989, 24588, 559, 29918, 2798, 29879, 353, 6213, 13, 418, 1583, 29889, 29882, 1478, 29918, 1989, 24588, 559, 29918, 2798, 29879, 353, 6213, 13, 418, 1583, 29889, 4352, 287, 29918, 1989, 24588, 559, 29918, 2798, 29879, 353, 6213, 13, 13, 29871, 822, 3462, 29950, 1478, 5620, 29898, 1311, 29892, 20051, 29892, 3407, 1125, 13, 1678, 9995, 6422, 399, 1001, 746, 4417, 697, 5101, 310, 6031, 29901, 313, 29882, 1478, 720, 6656, 29892, 3407, 467, 13, 13, 1678, 826, 3174, 29901, 13, 418, 20051, 29901, 28984, 720, 6656, 1347, 29889, 13, 418, 3407, 29901, 12105, 1347, 29889, 13, 13, 1678, 390, 1759, 267, 29901, 13, 418, 7865, 2392, 29901, 746, 278, 1824, 8465, 304, 6088, 3863, 5418, 4636, 29889, 13, 1678, 9995, 13, 1678, 565, 1583, 3032, 1457, 5014, 29918, 13789, 29901, 13, 418, 20051, 353, 1583, 3032, 1457, 5014, 29918, 13789, 29898, 29882, 1478, 720, 6656, 29897, 13, 418, 3407, 353, 1583, 3032, 1457, 5014, 29918, 13789, 29898, 5679, 29897, 13, 13, 1678, 396, 11796, 29872, 3863, 5418, 29889, 13, 1678, 10163, 29918, 9303, 353, 20051, 29889, 5451, 580, 13, 1678, 2143, 29918, 9303, 353, 3407, 29889, 5451, 580, 13, 1678, 1320, 2922, 353, 11796, 29872, 6103, 27469, 14609, 29898, 29882, 1478, 29918, 9303, 29892, 2143, 29918, 9303, 29897, 13, 13, 1678, 396, 7437, 9637, 29892, 304, 20820, 1422, 4436, 29901, 1663, 29892, 628, 29892, 1014, 29889, 13, 1678, 926, 29918, 29882, 1478, 29892, 926, 29918, 999, 353, 7431, 29898, 29882, 1478, 29918, 9303, 511, 7431, 29898, 999, 29918, 9303, 29897, 13, 1678, 2949, 29918, 3888, 353, 11117, 1491, 2396, 29871, 29900, 29892, 525, 1144, 2396, 29871, 29900, 29892, 525, 6144, 2396, 29871, 29900, 29892, 525, 29876, 29893, 2396, 7431, 29898, 999, 29918, 9303, 2915, 13, 1678, 26118, 29918, 1420, 353, 6629, 13, 1678, 19228, 29918, 999, 353, 6629, 13, 1678, 1550, 926, 29918, 29882, 1478, 1405, 29871, 29900, 470, 926, 29918, 999, 1405, 29871, 29900, 29901, 13, 418, 4589, 29918, 1853, 353, 6629, 13, 13, 418, 396, 6652, 6202, 728, 1059, 1134, 491, 1250, 23110, 13, 418, 565, 926, 29918, 999, 1275, 29871, 29900, 29901, 13, 4706, 4589, 29918, 1853, 353, 525, 1144, 29915, 13, 418, 25342, 926, 29918, 29882, 1478, 1275, 29871, 29900, 29901, 13, 4706, 4589, 29918, 1853, 353, 525, 6144, 29915, 13, 418, 1683, 29901, 13, 4706, 565, 10163, 29918, 9303, 29961, 1066, 29918, 29882, 1478, 448, 29871, 29896, 29962, 1275, 2143, 29918, 9303, 29961, 1066, 29918, 999, 448, 29871, 29896, 5387, 13, 3986, 4589, 29918, 1853, 353, 525, 9290, 29915, 29871, 396, 1959, 1059, 13, 4706, 25342, 1320, 2922, 29961, 1066, 29918, 999, 3816, 1066, 29918, 29882, 1478, 29962, 1275, 1320, 2922, 29961, 1066, 29918, 999, 448, 29871, 29896, 3816, 1066, 29918, 29882, 1478, 448, 29871, 29896, 29962, 718, 29871, 29896, 29901, 13, 3986, 4589, 29918, 1853, 353, 525, 1491, 29915, 29871, 396, 23764, 1059, 13, 4706, 25342, 1320, 2922, 29961, 1066, 29918, 999, 3816, 1066, 29918, 29882, 1478, 29962, 1275, 1320, 2922, 29961, 1066, 29918, 999, 448, 29871, 29896, 3816, 1066, 29918, 29882, 1478, 29962, 718, 29871, 29896, 29901, 13, 3986, 4589, 29918, 1853, 353, 525, 6144, 29915, 29871, 396, 7374, 291, 1059, 13, 4706, 25342, 1320, 2922, 29961, 1066, 29918, 999, 3816, 1066, 29918, 29882, 1478, 29962, 1275, 1320, 2922, 29961, 1066, 29918, 999, 3816, 1066, 29918, 29882, 1478, 448, 29871, 29896, 29962, 718, 29871, 29896, 29901, 13, 3986, 4589, 29918, 1853, 353, 525, 1144, 29915, 29871, 396, 1663, 4455, 1059, 13, 4706, 1683, 29901, 13, 3986, 12020, 7865, 2392, 877, 14057, 304, 6088, 3863, 5418, 4636, 29889, 1495, 13, 13, 418, 396, 3251, 403, 26118, 29918, 1420, 13, 418, 565, 1583, 3032, 1420, 29918, 13789, 29901, 13, 4706, 565, 926, 29918, 29882, 1478, 1275, 29871, 29900, 470, 451, 10163, 29918, 9303, 29901, 13, 3986, 27702, 561, 353, 525, 525, 13, 4706, 1683, 29901, 13, 3986, 27702, 561, 353, 10163, 29918, 9303, 29961, 1066, 29918, 29882, 1478, 448, 29871, 29896, 29962, 13, 4706, 565, 926, 29918, 999, 1275, 29871, 29900, 470, 451, 2143, 29918, 9303, 29901, 13, 3986, 27702, 558, 353, 525, 525, 13, 4706, 1683, 29901, 13, 3986, 27702, 558, 353, 2143, 29918, 9303, 29961, 1066, 29918, 999, 448, 29871, 29896, 29962, 13, 4706, 26118, 29918, 1420, 353, 1583, 3032, 1420, 29918, 13789, 29898, 18276, 561, 29892, 27702, 558, 29892, 4589, 29918, 1853, 29897, 718, 26118, 29918, 1420, 13, 13, 418, 396, 960, 694, 1059, 29892, 748, 304, 3517, 2143, 322, 10163, 29889, 13, 418, 565, 4589, 29918, 1853, 1275, 525, 9290, 2396, 13, 4706, 19228, 29918, 999, 353, 10163, 29918, 9303, 29961, 1066, 29918, 29882, 1478, 448, 29871, 29896, 29962, 718, 525, 525, 718, 19228, 29918, 999, 13, 4706, 926, 29918, 29882, 1478, 29892, 926, 29918, 999, 353, 926, 29918, 29882, 1478, 448, 29871, 29896, 29892, 926, 29918, 999, 448, 29871, 29896, 13, 4706, 6773, 13, 13, 418, 396, 10318, 1059, 29889, 13, 418, 2949, 29918, 3888, 29961, 3127, 29918, 1853, 29962, 4619, 29871, 29896, 13, 13, 418, 396, 2087, 5143, 2602, 310, 2143, 322, 10163, 29889, 13, 418, 565, 4589, 29918, 1853, 1275, 525, 6144, 2396, 13, 4706, 926, 29918, 999, 353, 926, 29918, 999, 448, 29871, 29896, 13, 418, 25342, 4589, 29918, 1853, 1275, 525, 1144, 2396, 13, 4706, 926, 29918, 29882, 1478, 353, 926, 29918, 29882, 1478, 448, 29871, 29896, 13, 418, 1683, 29901, 29871, 396, 4589, 29918, 1853, 1275, 525, 1491, 29915, 13, 4706, 926, 29918, 29882, 1478, 29892, 926, 29918, 999, 353, 926, 29918, 29882, 1478, 448, 29871, 29896, 29892, 926, 29918, 999, 448, 29871, 29896, 13, 13, 1678, 396, 1798, 1598, 278, 16287, 310, 3863, 5418, 8341, 267, 13, 1678, 4974, 1320, 2922, 14352, 29896, 3816, 29899, 29896, 29962, 1275, 2949, 29918, 3888, 1839, 1144, 2033, 718, 320, 13, 4706, 2949, 29918, 3888, 1839, 6144, 2033, 718, 2949, 29918, 3888, 1839, 1491, 2033, 13, 13, 1678, 396, 4831, 398, 5987, 4589, 29918, 3888, 1434, 278, 2446, 313, 29882, 1478, 29892, 2143, 467, 13, 1678, 363, 413, 297, 2949, 29918, 3888, 29901, 13, 418, 1583, 29889, 556, 29918, 3888, 29961, 29895, 29962, 4619, 2949, 29918, 3888, 29961, 29895, 29962, 13, 13, 1678, 396, 24930, 26118, 29918, 1420, 29879, 29889, 13, 1678, 565, 1583, 3032, 1420, 29918, 13789, 29901, 13, 418, 1583, 29889, 13671, 29918, 1420, 29879, 4619, 518, 13671, 29918, 1420, 29962, 13, 13, 1678, 396, 10318, 1820, 16549, 5235, 29889, 13, 1678, 565, 1583, 29889, 1989, 29918, 24588, 2129, 29901, 13, 418, 363, 281, 297, 1583, 29889, 1989, 29918, 24588, 2129, 29901, 13, 4706, 1583, 29889, 999, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29961, 29893, 29962, 4619, 3407, 29889, 2798, 29898, 29893, 29897, 13, 4706, 1583, 29889, 29882, 1478, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29961, 29893, 29962, 4619, 20051, 29889, 2798, 29898, 29893, 29897, 13, 4706, 1583, 29889, 4352, 287, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29961, 29893, 29962, 4619, 19228, 29918, 999, 29889, 2798, 29898, 29893, 29897, 13, 13, 29871, 822, 3617, 29956, 1001, 29898, 1311, 1125, 13, 1678, 9995, 20606, 29872, 10803, 4829, 390, 403, 313, 29956, 1001, 467, 13, 13, 1678, 3940, 399, 1001, 508, 367, 7200, 1135, 29871, 29896, 29900, 29900, 29889, 29900, 29892, 5152, 746, 727, 526, 1784, 4635, 291, 4436, 29889, 13, 13, 1678, 16969, 29901, 13, 418, 399, 1001, 408, 19649, 1353, 29892, 5491, 1546, 29871, 29900, 29889, 29900, 304, 29871, 29896, 29900, 29900, 29889, 29900, 13, 1678, 9995, 13, 1678, 302, 999, 353, 1583, 29889, 556, 29918, 3888, 1839, 29876, 29893, 2033, 13, 1678, 302, 999, 353, 4236, 29898, 29896, 29892, 302, 999, 29897, 29871, 396, 1661, 29918, 9171, 995, 363, 8542, 13, 1678, 3001, 29918, 2704, 353, 1583, 29889, 556, 29918, 3888, 1839, 1144, 2033, 320, 13, 4706, 718, 1583, 29889, 556, 29918, 3888, 1839, 6144, 2033, 718, 1583, 29889, 556, 29918, 3888, 1839, 1491, 2033, 13, 1678, 736, 3001, 29918, 2704, 334, 29871, 29896, 29900, 29900, 29889, 29900, 847, 302, 999, 13, 13, 29871, 822, 3617, 20130, 557, 3204, 29956, 1001, 29898, 1311, 1125, 13, 1678, 9995, 20606, 29872, 2867, 3204, 399, 1001, 29889, 13, 13, 13, 1678, 16969, 29901, 13, 418, 319, 8600, 411, 628, 29914, 1144, 29914, 1491, 408, 1820, 29892, 322, 278, 1059, 19257, 297, 19649, 13, 418, 1353, 408, 995, 29889, 13, 1678, 9995, 13, 1678, 302, 999, 353, 1583, 29889, 556, 29918, 3888, 1839, 29876, 29893, 2033, 13, 1678, 302, 999, 353, 4236, 29898, 29896, 29892, 302, 999, 29897, 29871, 396, 1661, 29918, 9171, 995, 363, 8542, 13, 1678, 2949, 29918, 8690, 3204, 353, 9657, 580, 13, 1678, 2949, 29918, 8690, 3204, 1839, 1144, 2033, 353, 1583, 29889, 556, 29918, 3888, 1839, 1144, 2033, 334, 29871, 29896, 29900, 29900, 29889, 29900, 847, 302, 999, 13, 1678, 2949, 29918, 8690, 3204, 1839, 6144, 2033, 353, 1583, 29889, 556, 29918, 3888, 1839, 6144, 2033, 334, 29871, 29896, 29900, 29900, 29889, 29900, 847, 302, 999, 13, 1678, 2949, 29918, 8690, 3204, 1839, 1491, 2033, 353, 1583, 29889, 556, 29918, 3888, 1839, 1491, 2033, 334, 29871, 29896, 29900, 29900, 29889, 29900, 847, 302, 999, 13, 1678, 736, 2949, 29918, 8690, 3204, 13, 13, 29871, 822, 3617, 2558, 29925, 1092, 559, 25060, 29898, 1311, 1125, 13, 1678, 9995, 6816, 3745, 278, 435, 5753, 538, 29501, 310, 1820, 12216, 2129, 1546, 7498, 567, 322, 2143, 29879, 29889, 13, 13, 1678, 16969, 29901, 13, 418, 432, 5753, 538, 29918, 29764, 537, 29901, 432, 5753, 538, 29501, 29892, 1546, 29871, 29900, 29889, 29900, 322, 29871, 29896, 29889, 29900, 13, 418, 383, 29896, 29918, 1989, 24588, 559, 29901, 29871, 383, 29896, 8158, 11070, 29906, 14571, 29896, 29914, 17990, 718, 29871, 29896, 29914, 3757, 497, 8243, 1546, 29871, 29900, 29889, 29900, 322, 29871, 29896, 29889, 29900, 13, 418, 19228, 29918, 1989, 24588, 2129, 29901, 954, 310, 19228, 1820, 12216, 2129, 29889, 13, 418, 2143, 29918, 1989, 24588, 2129, 29901, 29871, 954, 310, 1820, 12216, 2129, 297, 278, 3407, 6031, 29889, 13, 418, 10163, 29918, 1989, 24588, 2129, 29901, 29871, 954, 310, 1820, 12216, 2129, 297, 278, 20051, 6031, 29889, 13, 1678, 9995, 13, 13, 1678, 19228, 29918, 29895, 353, 2533, 29898, 1311, 29889, 4352, 287, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29889, 5975, 3101, 13, 1678, 2143, 29918, 29895, 353, 2533, 29898, 1311, 29889, 999, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29889, 5975, 3101, 13, 1678, 10163, 29918, 29895, 353, 2533, 29898, 1311, 29889, 29882, 1478, 29918, 1989, 24588, 559, 29918, 2798, 29879, 29889, 5975, 3101, 13, 1678, 8772, 29918, 29895, 353, 2143, 29918, 29895, 718, 10163, 29918, 29895, 448, 19228, 29918, 29895, 13, 1678, 8772, 29918, 29895, 353, 4236, 29898, 29896, 29892, 8772, 29918, 29895, 29897, 29871, 396, 1661, 29918, 9171, 995, 363, 8542, 13, 1678, 432, 5753, 538, 29918, 29764, 537, 353, 19228, 29918, 29895, 334, 29871, 29896, 29889, 29900, 847, 8772, 29918, 29895, 13, 13, 1678, 285, 29896, 29918, 29895, 353, 29871, 29906, 29889, 29900, 334, 19228, 29918, 29895, 847, 4236, 29898, 999, 29918, 29895, 718, 10163, 29918, 29895, 29892, 29871, 29896, 29889, 29900, 29897, 13, 1678, 736, 313, 29926, 5753, 538, 29918, 29764, 537, 29892, 285, 29896, 29918, 29895, 29892, 19228, 29918, 29895, 29892, 2143, 29918, 29895, 29892, 10163, 29918, 29895, 29897, 13, 13, 29871, 822, 3617, 11139, 3034, 583, 29898, 1311, 1125, 13, 1678, 9995, 5631, 403, 6031, 304, 19138, 675, 1734, 4436, 322, 1820, 16549, 4436, 29889, 13, 13, 1678, 16969, 29901, 13, 418, 851, 29918, 2083, 29901, 1347, 19138, 5281, 3001, 1059, 29892, 3001, 1734, 322, 399, 1001, 29889, 13, 418, 851, 29918, 14144, 29901, 1347, 16679, 1623, 2211, 1059, 4072, 29901, 628, 29892, 1663, 29892, 1014, 29889, 13, 418, 851, 29918, 710, 29918, 1989, 24588, 2129, 29918, 3888, 29901, 1347, 19138, 5281, 13023, 24588, 559, 2472, 29889, 13, 1678, 9995, 13, 1678, 302, 999, 353, 1583, 29889, 556, 29918, 3888, 1839, 29876, 29893, 2033, 13, 1678, 3001, 29918, 2704, 353, 1583, 29889, 556, 29918, 3888, 1839, 1144, 2033, 320, 13, 4706, 718, 1583, 29889, 556, 29918, 3888, 1839, 6144, 2033, 718, 1583, 29889, 556, 29918, 3888, 1839, 1491, 2033, 13, 1678, 851, 29918, 2083, 353, 525, 7827, 399, 1001, 353, 1273, 29881, 29892, 3001, 1734, 353, 1273, 29881, 29892, 2949, 353, 18695, 29906, 29888, 7686, 29915, 1273, 313, 13, 4706, 3001, 29918, 2704, 29892, 302, 999, 29892, 1583, 29889, 2577, 29956, 1001, 3101, 13, 13, 1678, 851, 29918, 14144, 353, 525, 2392, 2867, 3204, 29901, 628, 353, 18695, 29906, 29888, 7686, 29892, 1663, 29922, 15543, 29906, 29888, 7686, 29892, 1014, 29922, 15543, 29906, 29888, 7686, 29915, 1273, 313, 13, 4706, 1583, 29889, 556, 29918, 3888, 1839, 6144, 2033, 334, 29871, 29896, 29900, 29900, 29889, 29900, 847, 302, 999, 29892, 1583, 29889, 556, 29918, 3888, 1839, 1144, 2033, 334, 29871, 29896, 29900, 29900, 29889, 29900, 847, 13, 4706, 302, 999, 29892, 1583, 29889, 556, 29918, 3888, 1839, 1491, 2033, 334, 29871, 29896, 29900, 29900, 29889, 29900, 847, 302, 999, 29897, 13, 13, 1678, 851, 29918, 1989, 24588, 2129, 29918, 3888, 353, 6629, 13, 1678, 565, 1583, 29889, 1989, 29918, 24588, 2129, 29901, 13, 418, 432, 5753, 538, 29918, 29886, 29892, 285, 29896, 29918, 29886, 29892, 19228, 29918, 29886, 29892, 2143, 29918, 29886, 29892, 10163, 29918, 29886, 353, 1583, 29889, 2577, 2558, 29925, 1092, 559, 25060, 580, 13, 418, 851, 29918, 1989, 24588, 2129, 29918, 3888, 353, 6702, 4352, 287, 1273, 29881, 1820, 12216, 2129, 313, 29995, 29881, 297, 2143, 29892, 1273, 29881, 297, 10163, 511, 525, 13, 462, 632, 525, 29926, 5753, 538, 29501, 29922, 15543, 29906, 29888, 29892, 383, 29896, 29922, 15543, 29906, 29888, 1495, 1273, 320, 13, 462, 795, 313, 4352, 287, 29918, 29886, 29892, 2143, 29918, 29886, 29892, 10163, 29918, 29886, 29892, 432, 5753, 538, 29918, 29886, 29892, 285, 29896, 29918, 29886, 29897, 13, 13, 1678, 736, 851, 29918, 2083, 29892, 851, 29918, 14144, 29892, 851, 29918, 1989, 24588, 2129, 29918, 3888, 13, 13, 13, 1753, 1667, 29898, 19218, 1125, 13, 29871, 20051, 353, 1722, 29898, 19218, 29961, 29896, 1402, 525, 29878, 2824, 949, 580, 13, 29871, 3407, 353, 1722, 29898, 19218, 29961, 29906, 1402, 525, 29878, 2824, 949, 580, 13, 13, 29871, 565, 7431, 29898, 19218, 29897, 1275, 29871, 29946, 29901, 13, 1678, 16549, 29918, 9012, 353, 1722, 29898, 19218, 29961, 29941, 14664, 949, 9012, 580, 13, 1678, 1820, 24588, 2129, 353, 518, 1220, 29889, 17010, 580, 363, 1196, 297, 16549, 29918, 9012, 29962, 13, 29871, 1683, 29901, 13, 1678, 1820, 24588, 2129, 353, 6213, 13, 13, 29871, 2949, 29918, 5415, 353, 12545, 29956, 1001, 29898, 13, 418, 1820, 29918, 24588, 2129, 29922, 1989, 24588, 2129, 29892, 13, 418, 3472, 29918, 13789, 29922, 16382, 4366, 2499, 12961, 10922, 29892, 13, 418, 758, 5014, 29918, 13789, 29922, 15941, 20001, 29911, 486, 6572, 5014, 29897, 13, 13, 29871, 2949, 29918, 5415, 29889, 2528, 29950, 1478, 5620, 29898, 29882, 1478, 720, 6656, 29892, 3407, 29897, 13, 13, 29871, 851, 29918, 7727, 29892, 851, 29918, 14144, 29892, 851, 29918, 1989, 24588, 2129, 29918, 3888, 353, 2949, 29918, 5415, 29889, 2577, 11139, 3034, 583, 580, 13, 29871, 1596, 29898, 710, 29918, 7727, 29897, 13, 29871, 1596, 29898, 710, 29918, 14144, 29897, 13, 29871, 1596, 29898, 710, 29918, 1989, 24588, 2129, 29918, 3888, 29897, 13, 13, 29871, 1018, 29901, 13, 1678, 7876, 29918, 4905, 353, 1852, 29894, 29961, 29896, 29962, 718, 22868, 6051, 4211, 19263, 29889, 1420, 29915, 13, 1678, 26118, 29918, 1420, 353, 12801, 1182, 29958, 4286, 7122, 29898, 556, 29918, 5415, 29889, 13671, 29918, 1420, 29879, 29897, 13, 1678, 411, 1722, 29898, 9144, 29918, 4905, 29892, 525, 14554, 1495, 408, 285, 29886, 29901, 13, 418, 285, 29886, 29889, 3539, 877, 29966, 2587, 5299, 1420, 29958, 1495, 13, 418, 285, 29886, 29889, 3539, 877, 29966, 4563, 29958, 29995, 29879, 829, 4563, 16299, 1273, 26118, 29918, 1420, 29897, 13, 418, 285, 29886, 29889, 3539, 877, 829, 2587, 2565, 1420, 29958, 1495, 13, 29871, 5174, 10663, 2392, 29901, 13, 1678, 1596, 877, 26061, 304, 2436, 24876, 19263, 3472, 1495, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 29871, 565, 7431, 29898, 9675, 29889, 19218, 29897, 529, 29871, 29941, 470, 7431, 29898, 9675, 29889, 19218, 29897, 1405, 29871, 29946, 29901, 13, 1678, 1596, 703, 15945, 13, 14023, 310, 10783, 482, 29901, 13, 13, 29871, 3017, 2560, 29918, 556, 29918, 29894, 29906, 29889, 2272, 934, 29918, 29882, 1478, 720, 6656, 934, 29918, 5679, 13, 272, 13, 29871, 3017, 2560, 29918, 556, 29918, 29894, 29906, 29889, 2272, 934, 29918, 29882, 1478, 720, 6656, 934, 29918, 5679, 934, 29918, 1989, 24588, 2129, 13, 13, 29871, 988, 934, 29918, 29882, 1478, 720, 6656, 338, 278, 934, 1024, 363, 20051, 1426, 13, 4706, 934, 29918, 5679, 29871, 338, 278, 934, 1024, 363, 3407, 1426, 29889, 13, 4706, 934, 29918, 1989, 24588, 2129, 313, 25253, 29897, 338, 278, 10422, 310, 1820, 12216, 2129, 975, 607, 13, 965, 366, 864, 304, 5645, 13600, 29889, 13, 13, 2816, 366, 508, 671, 445, 934, 408, 263, 3489, 29892, 322, 1246, 770, 12545, 29956, 1001, 13, 29871, 869, 2528, 29950, 1478, 5620, 29898, 29882, 1478, 29892, 2143, 1125, 788, 697, 5101, 310, 20051, 29914, 5679, 29889, 887, 508, 1246, 445, 13, 1678, 740, 2999, 3064, 29889, 13, 29871, 869, 2577, 29956, 1001, 7295, 679, 278, 10803, 4829, 390, 403, 313, 29956, 1001, 467, 13, 29871, 869, 2577, 20130, 557, 3204, 29956, 1001, 7295, 679, 278, 628, 29914, 1144, 29914, 1491, 2867, 3204, 399, 1001, 29889, 13, 29871, 869, 2577, 2558, 29925, 1092, 559, 25060, 7295, 259, 679, 22663, 363, 1820, 12216, 2129, 29889, 450, 937, 995, 338, 435, 5753, 538, 13, 1678, 13999, 537, 310, 1820, 12216, 2129, 29889, 13, 29871, 869, 2577, 11139, 3034, 583, 7295, 5706, 6031, 304, 19138, 675, 1734, 1059, 322, 13, 1678, 1820, 16549, 4436, 29889, 13, 15945, 1159, 13, 1678, 10876, 29889, 13322, 29898, 29896, 29897, 13, 13, 29871, 1667, 29898, 9675, 29889, 19218, 29897, 13, 2 ]
graph_analysis/deprecated/gensim_embedding.py
roy860328/VSGM
6
1607747
# https://stackoverflow.com/questions/35747245/bigram-to-a-vector # Bigram to a vector from gensim.models import word2vec, Phrases from glove_embedding import load_object import gensim.downloader as api def five(): word_vectors = api.load("glove-wiki-gigaword-100") word_vectors["apple"].shape five() def bigram2vec(unigrams, bigram_to_search): bigrams = Phrases(unigrams) model = word2vec.Word2Vec(bigrams[unigrams]) if bigram_to_search in model.vocab.keys(): return model[bigram_to_search] else: return None # docs = ['new york is is united states', 'new york is most populated city in the world','i love to stay in new york'] # token_ = [doc.split(" ") for doc in docs] # bigram2vec(token_, "new_york") # https://stackoverflow.com/questions/51426107/how-to-build-a-gensim-dictionary-that-includes-bigrams def two(): from gensim.models import Phrases from gensim.models.phrases import Phraser from gensim import models docs = ['new york is is united states', 'new york is most populated city in the world','i love to stay in new york'] token_ = [doc.split(" ") for doc in docs] bigram = Phrases(token_, min_count=1, threshold=2, delimiter=b' ') bigram_phraser = Phraser(bigram) bigram_token = [] for sent in token_: bigram_token.append(bigram_phraser[sent]) print(bigram_token) def three(): docs = ['new york is is united states', 'new york is most populated city in the world','i love to stay in new york'] sentence_stream = [doc.split(" ") for doc in docs] # sentence_stream=brown_raw[0:10] bigram = Phrases(sentence_stream, min_count=1, threshold=2, delimiter=b' ') trigram = Phrases(bigram[sentence_stream], min_count=1, delimiter=b' ') print(bigram) for sent in sentence_stream: bigrams_ = [b for b in bigram[sent] if b.count(" ") == 1] trigrams_ = [t for t in trigram[bigram[sent]] if t.count(" ")==2] print(bigrams_) print(trigrams_) def four(): from gensim.models import KeyedVectors model = KeyedVectors.load_word2vec_format('data/GoogleGoogleNews-vectors-negative300.bin', binary=True) vector = model['easy'] vector.shape docs = ['new york is is united states', 'new york is most populated city in the world','i love to stay in new york'] sentence_stream = [doc.split(" ") for doc in docs] model["new_york"].shape # four() # if __name__ == '__main__': # objects = load_object("./data/objects.txt") # vector = bigram2vec(objects[0], "alarm_clock") # print(vector)
[ 1, 396, 2045, 597, 2417, 29889, 510, 29914, 2619, 29914, 29941, 29945, 29955, 29946, 29955, 29906, 29946, 29945, 29914, 3752, 2572, 29899, 517, 29899, 29874, 29899, 8111, 13, 29937, 7997, 2572, 304, 263, 4608, 13, 3166, 26943, 326, 29889, 9794, 1053, 1734, 29906, 2003, 29892, 349, 1092, 2129, 13, 3166, 15482, 345, 29918, 17987, 8497, 1053, 2254, 29918, 3318, 13, 5215, 26943, 326, 29889, 10382, 261, 408, 7882, 13, 13, 1753, 5320, 7295, 13, 1678, 1734, 29918, 345, 14359, 353, 7882, 29889, 1359, 703, 29887, 417, 345, 29899, 4594, 29899, 29887, 335, 1450, 536, 29899, 29896, 29900, 29900, 1159, 13, 1678, 1734, 29918, 345, 14359, 3366, 11548, 16862, 12181, 13, 20818, 580, 13, 1753, 4802, 2572, 29906, 2003, 29898, 348, 4481, 2232, 29892, 4802, 2572, 29918, 517, 29918, 4478, 1125, 13, 1678, 289, 4481, 2232, 353, 349, 1092, 2129, 29898, 348, 4481, 2232, 29897, 13, 1678, 1904, 353, 1734, 29906, 2003, 29889, 14463, 29906, 25987, 29898, 3752, 25402, 29961, 348, 4481, 2232, 2314, 13, 1678, 565, 4802, 2572, 29918, 517, 29918, 4478, 297, 1904, 29889, 29894, 542, 370, 29889, 8149, 7295, 13, 4706, 736, 1904, 29961, 3752, 2572, 29918, 517, 29918, 4478, 29962, 13, 1678, 1683, 29901, 13, 4706, 736, 6213, 13, 29937, 10561, 353, 6024, 1482, 343, 548, 338, 338, 443, 1573, 5922, 742, 525, 1482, 343, 548, 338, 1556, 24146, 4272, 297, 278, 3186, 3788, 29875, 5360, 304, 7952, 297, 716, 343, 548, 2033, 13, 29937, 5993, 29918, 353, 518, 1514, 29889, 5451, 703, 16521, 363, 1574, 297, 10561, 29962, 13, 29937, 4802, 2572, 29906, 2003, 29898, 6979, 3383, 376, 1482, 29918, 29891, 548, 1159, 13, 13, 29937, 2045, 597, 2417, 29889, 510, 29914, 2619, 29914, 29945, 29896, 29946, 29906, 29953, 29896, 29900, 29955, 29914, 3525, 29899, 517, 29899, 4282, 29899, 29874, 29899, 17397, 326, 29899, 27126, 29899, 5747, 29899, 24572, 29899, 3752, 25402, 13, 1753, 1023, 7295, 13, 1678, 515, 26943, 326, 29889, 9794, 1053, 349, 1092, 2129, 13, 1678, 515, 26943, 326, 29889, 9794, 29889, 24588, 2129, 1053, 349, 1092, 29440, 13, 1678, 515, 26943, 326, 1053, 4733, 13, 1678, 10561, 353, 6024, 1482, 343, 548, 338, 338, 443, 1573, 5922, 742, 525, 1482, 343, 548, 338, 1556, 24146, 4272, 297, 278, 3186, 3788, 29875, 5360, 304, 7952, 297, 716, 343, 548, 2033, 13, 1678, 5993, 29918, 353, 518, 1514, 29889, 5451, 703, 16521, 363, 1574, 297, 10561, 29962, 13, 1678, 4802, 2572, 353, 349, 1092, 2129, 29898, 6979, 3383, 1375, 29918, 2798, 29922, 29896, 29892, 16897, 29922, 29906, 29892, 28552, 29922, 29890, 29915, 25710, 13, 1678, 4802, 2572, 29918, 561, 3417, 261, 353, 349, 1092, 29440, 29898, 3752, 2572, 29897, 13, 1678, 4802, 2572, 29918, 6979, 353, 5159, 13, 1678, 363, 2665, 297, 5993, 29918, 29901, 13, 4706, 4802, 2572, 29918, 6979, 29889, 4397, 29898, 3752, 2572, 29918, 561, 3417, 261, 29961, 18616, 2314, 13, 1678, 1596, 29898, 3752, 2572, 29918, 6979, 29897, 13, 13, 1753, 2211, 7295, 13, 1678, 10561, 353, 6024, 1482, 343, 548, 338, 338, 443, 1573, 5922, 742, 525, 1482, 343, 548, 338, 1556, 24146, 4272, 297, 278, 3186, 3788, 29875, 5360, 304, 7952, 297, 716, 343, 548, 2033, 13, 1678, 10541, 29918, 5461, 353, 518, 1514, 29889, 5451, 703, 16521, 363, 1574, 297, 10561, 29962, 13, 1678, 396, 10541, 29918, 5461, 29922, 29890, 4708, 29918, 1610, 29961, 29900, 29901, 29896, 29900, 29962, 13, 1678, 4802, 2572, 353, 349, 1092, 2129, 29898, 18616, 663, 29918, 5461, 29892, 1375, 29918, 2798, 29922, 29896, 29892, 16897, 29922, 29906, 29892, 28552, 29922, 29890, 29915, 25710, 13, 1678, 16222, 2572, 353, 349, 1092, 2129, 29898, 3752, 2572, 29961, 18616, 663, 29918, 5461, 1402, 1375, 29918, 2798, 29922, 29896, 29892, 28552, 29922, 29890, 29915, 25710, 13, 1678, 1596, 29898, 3752, 2572, 29897, 13, 1678, 363, 2665, 297, 10541, 29918, 5461, 29901, 13, 4706, 289, 4481, 2232, 29918, 353, 518, 29890, 363, 289, 297, 4802, 2572, 29961, 18616, 29962, 565, 289, 29889, 2798, 703, 16521, 1275, 29871, 29896, 29962, 13, 4706, 534, 4481, 2232, 29918, 353, 518, 29873, 363, 260, 297, 16222, 2572, 29961, 3752, 2572, 29961, 18616, 5262, 565, 260, 29889, 2798, 703, 16521, 1360, 29906, 29962, 13, 4706, 1596, 29898, 3752, 25402, 19925, 13, 4706, 1596, 29898, 509, 4481, 2232, 19925, 13, 13, 1753, 3023, 7295, 13, 1678, 515, 26943, 326, 29889, 9794, 1053, 7670, 287, 29963, 11142, 13, 1678, 1904, 353, 7670, 287, 29963, 11142, 29889, 1359, 29918, 1742, 29906, 2003, 29918, 4830, 877, 1272, 29914, 14207, 14207, 29328, 29899, 345, 14359, 29899, 22198, 29941, 29900, 29900, 29889, 2109, 742, 7581, 29922, 5574, 29897, 13, 1678, 4608, 353, 1904, 1839, 29872, 8995, 2033, 13, 1678, 4608, 29889, 12181, 13, 1678, 10561, 353, 6024, 1482, 343, 548, 338, 338, 443, 1573, 5922, 742, 525, 1482, 343, 548, 338, 1556, 24146, 4272, 297, 278, 3186, 3788, 29875, 5360, 304, 7952, 297, 716, 343, 548, 2033, 13, 1678, 10541, 29918, 5461, 353, 518, 1514, 29889, 5451, 703, 16521, 363, 1574, 297, 10561, 29962, 13, 1678, 1904, 3366, 1482, 29918, 29891, 548, 16862, 12181, 13, 29937, 3023, 580, 13, 13, 29937, 565, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 29937, 268, 3618, 353, 2254, 29918, 3318, 703, 6904, 1272, 29914, 12650, 29889, 3945, 1159, 13, 29937, 268, 4608, 353, 4802, 2572, 29906, 2003, 29898, 12650, 29961, 29900, 1402, 376, 284, 2817, 29918, 13058, 1159, 13, 29937, 268, 1596, 29898, 8111, 29897, 2 ]
src/tasks.py
accraze/stream-processor
0
139377
import time from src.celery import app @app.task(bind=True, default_retry_delay=10) def process_event(self, event): process_change(event['wait']) return event def process_change(wait_secs): start = time.time() while time.time() - start < wait_secs: time.sleep(0.001)
[ 1, 1053, 931, 13, 13, 3166, 4765, 29889, 2242, 708, 1053, 623, 13, 13, 13, 29992, 932, 29889, 7662, 29898, 5355, 29922, 5574, 29892, 2322, 29918, 276, 2202, 29918, 18829, 29922, 29896, 29900, 29897, 13, 1753, 1889, 29918, 3696, 29898, 1311, 29892, 1741, 1125, 13, 1678, 1889, 29918, 3167, 29898, 3696, 1839, 10685, 11287, 13, 1678, 736, 1741, 13, 13, 13, 1753, 1889, 29918, 3167, 29898, 10685, 29918, 344, 2395, 1125, 13, 1678, 1369, 353, 931, 29889, 2230, 580, 13, 1678, 1550, 931, 29889, 2230, 580, 448, 1369, 529, 4480, 29918, 344, 2395, 29901, 13, 4706, 931, 29889, 17059, 29898, 29900, 29889, 29900, 29900, 29896, 29897, 13, 2 ]
data/vispapers/preprocess.py
sonne-academic/solr-utils
0
106721
from data.vispapers import read_all, DATA_FOLDER import json import gzip def preprocess(): with gzip.open(DATA_FOLDER / 'vispapers.jsonl.gz', 'wt', encoding='utf-8') as file: for document in read_all(): file.write(json.dumps(document)+'\n') if __name__ == '__main__': preprocess()
[ 1, 515, 848, 29889, 1730, 29886, 21321, 1053, 1303, 29918, 497, 29892, 360, 8254, 29918, 29943, 5607, 8032, 13, 5215, 4390, 13, 5215, 330, 7554, 13, 13, 13, 1753, 758, 5014, 7295, 13, 1678, 411, 330, 7554, 29889, 3150, 29898, 14573, 29918, 29943, 5607, 8032, 847, 525, 1730, 29886, 21321, 29889, 3126, 29880, 29889, 18828, 742, 525, 14554, 742, 8025, 2433, 9420, 29899, 29947, 1495, 408, 934, 29901, 13, 4706, 363, 1842, 297, 1303, 29918, 497, 7295, 13, 9651, 934, 29889, 3539, 29898, 3126, 29889, 29881, 17204, 29898, 3225, 7240, 12764, 29876, 1495, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 758, 5014, 580, 2 ]
restore-firm0firm1.py
ihaveamac/hardmod-b9s-installer
13
1604545
<gh_stars>10-100 #!/usr/bin/env python3 import os import sys import time def doexit(msg, errcode=0): print(msg) input('Press Enter to continue...') sys.exit(errcode) def doexit(msg, errcode=0): print(msg) input('Press Enter to continue...') sys.exit(errcode) if not os.path.isfile('NAND-patched.bin'): doexit('NAND-patched.bin not found.', errcode=1) use_separate = True # use separate firm(0/1)_enc.bak if os.path.isfile('firm0firm1.bak'): print('Using firm0firm1.bak.') elif os.path.isfile('firm0_enc.bak') and os.path.isfile('firm1_enc.bak'): print('Using firm0_enc.bak and firm1_enc.bak') use_separate = True else: doexit('FIRM backup was not found.\n' 'This can be in a single "firm0firm1.bak" file, or\n' 'two "firm0_enc.bak" and "firm1_enc.bak" files.', errcode=1) if os.path.isfile('NAND-unpatched.bin'): doexit('NAND-unpatched.bin was found.\n' 'In order to prevent writing a good backup with a bad one, the ' 'install has stopped. Please move or delete the old file if you ' 'are sure you want to continue.', errcode=1) readsize = 0x100000 # must be divisible by 0x3AF00000 and 0x4D800000 print('Trying to open NAND-patched.bin...') with open('NAND-patched.bin', 'rb+') as nand: print('Restoring FIRM0FIRM1.') nand.seek(0xB130000) if use_separate: with open('firm0_enc.bak', 'rb') as f: firm_final = f.read(0x400000).ljust(0x400000, b'\0') with open('firm1_enc.bak', 'rb') as f: firm_final += f.read(0x400000).ljust(0x400000, b'\0') else: with open('firm0firm1.bak', 'rb') as f: firm_final = f.read(0x800000) start_time = time.time() for curr in range(0x800000 // readsize): print('Writing {:06X} ({:>5.1f}%)'.format((curr + 1) * readsize, (((curr + 1) * readsize) / 0x800000) * 100), end='\r') nand.write(bytes(firm_final[curr * readsize:(curr + 1) * readsize])) os.rename('NAND-patched.bin', 'NAND-unpatched.bin') doexit('\nWriting finished in {:>.2f} seconds.'.format( time.time() - start_time))
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29896, 29900, 29899, 29896, 29900, 29900, 13, 29937, 14708, 4855, 29914, 2109, 29914, 6272, 3017, 29941, 13, 13, 5215, 2897, 13, 5215, 10876, 13, 5215, 931, 13, 13, 13, 1753, 437, 13322, 29898, 7645, 29892, 4589, 401, 29922, 29900, 1125, 13, 1678, 1596, 29898, 7645, 29897, 13, 1678, 1881, 877, 10923, 9041, 304, 6773, 856, 1495, 13, 1678, 10876, 29889, 13322, 29898, 3127, 401, 29897, 13, 13, 13, 1753, 437, 13322, 29898, 7645, 29892, 4589, 401, 29922, 29900, 1125, 13, 1678, 1596, 29898, 7645, 29897, 13, 1678, 1881, 877, 10923, 9041, 304, 6773, 856, 1495, 13, 1678, 10876, 29889, 13322, 29898, 3127, 401, 29897, 13, 13, 13, 361, 451, 2897, 29889, 2084, 29889, 275, 1445, 877, 29940, 9468, 29899, 5041, 287, 29889, 2109, 29374, 13, 1678, 437, 13322, 877, 29940, 9468, 29899, 5041, 287, 29889, 2109, 451, 1476, 29889, 742, 4589, 401, 29922, 29896, 29897, 13, 13, 1509, 29918, 25048, 403, 353, 5852, 29871, 396, 671, 5004, 9226, 29898, 29900, 29914, 29896, 20344, 3977, 29889, 29890, 557, 13, 361, 2897, 29889, 2084, 29889, 275, 1445, 877, 29888, 3568, 29900, 29888, 3568, 29896, 29889, 29890, 557, 29374, 13, 1678, 1596, 877, 15156, 9226, 29900, 29888, 3568, 29896, 29889, 29890, 557, 29889, 1495, 13, 23681, 2897, 29889, 2084, 29889, 275, 1445, 877, 29888, 3568, 29900, 29918, 3977, 29889, 29890, 557, 1495, 322, 2897, 29889, 2084, 29889, 275, 1445, 877, 29888, 3568, 29896, 29918, 3977, 29889, 29890, 557, 29374, 13, 1678, 1596, 877, 15156, 9226, 29900, 29918, 3977, 29889, 29890, 557, 322, 9226, 29896, 29918, 3977, 29889, 29890, 557, 1495, 13, 1678, 671, 29918, 25048, 403, 353, 5852, 13, 2870, 29901, 13, 1678, 437, 13322, 877, 3738, 29934, 29924, 16199, 471, 451, 1476, 7790, 29876, 29915, 13, 965, 525, 4013, 508, 367, 297, 263, 2323, 376, 29888, 3568, 29900, 29888, 3568, 29896, 29889, 29890, 557, 29908, 934, 29892, 470, 29905, 29876, 29915, 13, 965, 525, 10184, 376, 29888, 3568, 29900, 29918, 3977, 29889, 29890, 557, 29908, 322, 376, 29888, 3568, 29896, 29918, 3977, 29889, 29890, 557, 29908, 2066, 29889, 742, 4589, 401, 29922, 29896, 29897, 13, 13, 361, 2897, 29889, 2084, 29889, 275, 1445, 877, 29940, 9468, 29899, 348, 5041, 287, 29889, 2109, 29374, 13, 1678, 437, 13322, 877, 29940, 9468, 29899, 348, 5041, 287, 29889, 2109, 471, 1476, 7790, 29876, 29915, 13, 965, 525, 797, 1797, 304, 5557, 5007, 263, 1781, 16199, 411, 263, 4319, 697, 29892, 278, 525, 13, 965, 525, 6252, 756, 11084, 29889, 3529, 4337, 470, 5217, 278, 2030, 934, 565, 366, 525, 13, 965, 525, 598, 1854, 366, 864, 304, 6773, 29889, 742, 4589, 401, 29922, 29896, 29897, 13, 13, 949, 2311, 353, 29871, 29900, 29916, 29896, 29900, 29900, 29900, 29900, 29900, 29871, 396, 1818, 367, 8572, 1821, 491, 29871, 29900, 29916, 29941, 5098, 29900, 29900, 29900, 29900, 29900, 322, 29871, 29900, 29916, 29946, 29928, 29947, 29900, 29900, 29900, 29900, 29900, 13, 13, 2158, 877, 15870, 292, 304, 1722, 405, 9468, 29899, 5041, 287, 29889, 2109, 856, 1495, 13, 2541, 1722, 877, 29940, 9468, 29899, 5041, 287, 29889, 2109, 742, 525, 6050, 29974, 1495, 408, 302, 392, 29901, 13, 1678, 1596, 877, 15078, 8253, 383, 8193, 29924, 29900, 3738, 29934, 29924, 29896, 29889, 1495, 13, 1678, 302, 392, 29889, 344, 1416, 29898, 29900, 29916, 29933, 29896, 29941, 29900, 29900, 29900, 29900, 29897, 13, 1678, 565, 671, 29918, 25048, 403, 29901, 13, 4706, 411, 1722, 877, 29888, 3568, 29900, 29918, 3977, 29889, 29890, 557, 742, 525, 6050, 1495, 408, 285, 29901, 13, 9651, 9226, 29918, 8394, 353, 285, 29889, 949, 29898, 29900, 29916, 29946, 29900, 29900, 29900, 29900, 29900, 467, 29880, 5143, 29898, 29900, 29916, 29946, 29900, 29900, 29900, 29900, 29900, 29892, 289, 12764, 29900, 1495, 13, 4706, 411, 1722, 877, 29888, 3568, 29896, 29918, 3977, 29889, 29890, 557, 742, 525, 6050, 1495, 408, 285, 29901, 13, 9651, 9226, 29918, 8394, 4619, 285, 29889, 949, 29898, 29900, 29916, 29946, 29900, 29900, 29900, 29900, 29900, 467, 29880, 5143, 29898, 29900, 29916, 29946, 29900, 29900, 29900, 29900, 29900, 29892, 289, 12764, 29900, 1495, 13, 1678, 1683, 29901, 13, 4706, 411, 1722, 877, 29888, 3568, 29900, 29888, 3568, 29896, 29889, 29890, 557, 742, 525, 6050, 1495, 408, 285, 29901, 13, 9651, 9226, 29918, 8394, 353, 285, 29889, 949, 29898, 29900, 29916, 29947, 29900, 29900, 29900, 29900, 29900, 29897, 13, 1678, 1369, 29918, 2230, 353, 931, 29889, 2230, 580, 13, 1678, 363, 16256, 297, 3464, 29898, 29900, 29916, 29947, 29900, 29900, 29900, 29900, 29900, 849, 1303, 2311, 1125, 13, 4706, 1596, 877, 29956, 768, 292, 12365, 29900, 29953, 29990, 29913, 21313, 29901, 29958, 29945, 29889, 29896, 29888, 10560, 29897, 4286, 4830, 3552, 21962, 718, 29871, 29896, 29897, 334, 1303, 2311, 29892, 13, 795, 313, 3552, 21962, 718, 29871, 29896, 29897, 334, 1303, 2311, 29897, 847, 29871, 29900, 29916, 29947, 29900, 29900, 29900, 29900, 29900, 29897, 334, 29871, 29896, 29900, 29900, 511, 1095, 2433, 29905, 29878, 1495, 13, 4706, 302, 392, 29889, 3539, 29898, 13193, 29898, 29888, 3568, 29918, 8394, 29961, 21962, 334, 1303, 2311, 5919, 21962, 718, 29871, 29896, 29897, 334, 1303, 2311, 12622, 13, 13, 359, 29889, 1267, 420, 877, 29940, 9468, 29899, 5041, 287, 29889, 2109, 742, 525, 29940, 9468, 29899, 348, 5041, 287, 29889, 2109, 1495, 13, 13, 1867, 13322, 28909, 29876, 29956, 768, 292, 7743, 297, 12365, 15513, 29906, 29888, 29913, 6923, 29889, 4286, 4830, 29898, 13, 4706, 931, 29889, 2230, 580, 448, 1369, 29918, 2230, 876, 13, 2 ]
pyscript/apps/temp/old/load_optimizer.py
janiversen/ha_config
0
43893
<gh_stars>0 @state_trigger("sensor.power_meter != '9999'") def load_optimizer(value=None): pass
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 13, 13, 13, 29992, 3859, 29918, 21001, 703, 29879, 6073, 29889, 13519, 29918, 29391, 2804, 525, 29929, 29929, 29929, 29929, 29915, 1159, 13, 1753, 2254, 29918, 20640, 3950, 29898, 1767, 29922, 8516, 1125, 13, 1678, 1209, 13, 2 ]
iocage/cli/stop.py
project-fifo/iocage
0
199178
<gh_stars>0 """stop module for the cli.""" import logging from collections import OrderedDict from operator import itemgetter import click from iocage.lib.ioc_json import IOCJson from iocage.lib.ioc_list import IOCList from iocage.lib.ioc_stop import IOCStop __cmdname__ = "stop_cmd" __rootcmd__ = True @click.command(name="stop", help="Stops the specified jails or ALL.") @click.option("--rc", default=False, is_flag=True, help="Will stop all jails with boot=on, in the specified" " order with higher value for priority stopping first.") @click.argument("jails", nargs=-1) def stop_cmd(rc, jails): """ Looks for the jail supplied and passes the uuid, path and configuration location to stop_jail. """ lgr = logging.getLogger('ioc_cli_stop') _jails, paths = IOCList("uuid").list_datasets() jail_order = {} boot_order = {} for j in _jails: path = paths[j] conf = IOCJson(path).json_load() boot = conf["boot"] priority = conf["priority"] jail_order[j] = int(priority) # This removes having to grab all the JSON again later. if boot == "on": boot_order[j] = int(priority) jail_order = OrderedDict(sorted(jail_order.items(), key=itemgetter(1), reverse=True) ) boot_order = OrderedDict(sorted(boot_order.items(), key=itemgetter(1), reverse=True)) if rc: for j in boot_order.keys(): uuid = _jails[j] path = paths[j] conf = IOCJson(path).json_load() status, _ = IOCList().list_get_jid(uuid) if status: lgr.info(" Stopping {} ({})".format(uuid, j)) IOCStop(uuid, j, path, conf, silent=True) else: lgr.info("{} ({}) is not running!".format(uuid, j)) exit() if len(jails) >= 1 and jails[0] == "ALL": if len(_jails) < 1: raise RuntimeError("No jails exist to stop!") for j in jail_order: uuid = _jails[j] path = paths[j] conf = IOCJson(path).json_load() IOCStop(uuid, j, path, conf) else: if len(jails) < 1: raise RuntimeError("Please specify either one or more jails or " "ALL!") for jail in jails: _jail = {tag: uuid for (tag, uuid) in _jails.items() if uuid.startswith(jail) or tag == jail} if len(_jail) == 1: tag, uuid = next(iter(_jail.items())) path = paths[tag] elif len(_jail) > 1: lgr.error("Multiple jails found for" " {}:".format(jail)) for t, u in sorted(_jail.items()): lgr.error(" {} ({})".format(u, t)) raise RuntimeError() else: raise RuntimeError("{} not found!".format(jail)) conf = IOCJson(path).json_load() IOCStop(uuid, tag, path, conf)
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 15945, 29908, 9847, 3883, 363, 278, 9335, 1213, 15945, 13, 5215, 12183, 13, 3166, 16250, 1053, 8170, 287, 21533, 13, 3166, 5455, 1053, 2944, 657, 357, 13, 13, 5215, 2828, 13, 13, 3166, 474, 542, 482, 29889, 1982, 29889, 29875, 542, 29918, 3126, 1053, 10663, 29907, 8148, 13, 3166, 474, 542, 482, 29889, 1982, 29889, 29875, 542, 29918, 1761, 1053, 10663, 29907, 1293, 13, 3166, 474, 542, 482, 29889, 1982, 29889, 29875, 542, 29918, 9847, 1053, 10663, 29907, 16329, 13, 13, 1649, 9006, 978, 1649, 353, 376, 9847, 29918, 9006, 29908, 13, 1649, 4632, 9006, 1649, 353, 5852, 13, 13, 13, 29992, 3808, 29889, 6519, 29898, 978, 543, 9847, 613, 1371, 543, 855, 3554, 278, 6790, 432, 2234, 470, 15149, 23157, 13, 29992, 3808, 29889, 3385, 703, 489, 2214, 613, 2322, 29922, 8824, 29892, 338, 29918, 15581, 29922, 5574, 29892, 13, 795, 1371, 543, 12984, 5040, 599, 432, 2234, 411, 6579, 29922, 265, 29892, 297, 278, 6790, 29908, 13, 462, 259, 376, 1797, 411, 6133, 995, 363, 20136, 25480, 937, 23157, 13, 29992, 3808, 29889, 23516, 703, 29926, 2234, 613, 302, 5085, 10457, 29896, 29897, 13, 1753, 5040, 29918, 9006, 29898, 2214, 29892, 432, 2234, 1125, 13, 1678, 9995, 13, 1678, 19887, 363, 278, 432, 737, 19056, 322, 14517, 278, 318, 5416, 29892, 2224, 322, 5285, 13, 1678, 4423, 304, 5040, 29918, 29926, 737, 29889, 13, 1678, 9995, 13, 1678, 301, 629, 353, 12183, 29889, 657, 16363, 877, 29875, 542, 29918, 11303, 29918, 9847, 1495, 13, 13, 1678, 903, 29926, 2234, 29892, 10898, 353, 10663, 29907, 1293, 703, 25118, 2564, 1761, 29918, 14538, 1691, 580, 13, 1678, 432, 737, 29918, 2098, 353, 6571, 13, 1678, 6579, 29918, 2098, 353, 6571, 13, 13, 1678, 363, 432, 297, 903, 29926, 2234, 29901, 13, 4706, 2224, 353, 10898, 29961, 29926, 29962, 13, 4706, 1970, 353, 10663, 29907, 8148, 29898, 2084, 467, 3126, 29918, 1359, 580, 13, 4706, 6579, 353, 1970, 3366, 4777, 3108, 13, 4706, 20136, 353, 1970, 3366, 29886, 21766, 3108, 13, 13, 4706, 432, 737, 29918, 2098, 29961, 29926, 29962, 353, 938, 29898, 29886, 21766, 29897, 13, 13, 4706, 396, 910, 25388, 2534, 304, 17229, 599, 278, 4663, 1449, 2678, 29889, 13, 4706, 565, 6579, 1275, 376, 265, 1115, 13, 9651, 6579, 29918, 2098, 29961, 29926, 29962, 353, 938, 29898, 29886, 21766, 29897, 13, 13, 1678, 432, 737, 29918, 2098, 353, 8170, 287, 21533, 29898, 24582, 29898, 29926, 737, 29918, 2098, 29889, 7076, 3285, 13, 462, 462, 1678, 1820, 29922, 667, 657, 357, 29898, 29896, 511, 11837, 29922, 5574, 29897, 1723, 13, 1678, 6579, 29918, 2098, 353, 8170, 287, 21533, 29898, 24582, 29898, 4777, 29918, 2098, 29889, 7076, 3285, 13, 462, 462, 1678, 1820, 29922, 667, 657, 357, 29898, 29896, 511, 11837, 29922, 5574, 876, 13, 1678, 565, 364, 29883, 29901, 13, 4706, 363, 432, 297, 6579, 29918, 2098, 29889, 8149, 7295, 13, 9651, 318, 5416, 353, 903, 29926, 2234, 29961, 29926, 29962, 13, 9651, 2224, 353, 10898, 29961, 29926, 29962, 13, 9651, 1970, 353, 10663, 29907, 8148, 29898, 2084, 467, 3126, 29918, 1359, 580, 13, 9651, 4660, 29892, 903, 353, 10663, 29907, 1293, 2141, 1761, 29918, 657, 29918, 29926, 333, 29898, 25118, 29897, 13, 13, 9651, 565, 4660, 29901, 13, 18884, 301, 629, 29889, 3888, 703, 29871, 6639, 3262, 6571, 21313, 1800, 1642, 4830, 29898, 25118, 29892, 432, 876, 13, 18884, 10663, 29907, 16329, 29898, 25118, 29892, 432, 29892, 2224, 29892, 1970, 29892, 17436, 29922, 5574, 29897, 13, 9651, 1683, 29901, 13, 18884, 301, 629, 29889, 3888, 703, 8875, 21313, 1800, 338, 451, 2734, 29991, 1642, 4830, 29898, 25118, 29892, 432, 876, 13, 4706, 6876, 580, 13, 13, 1678, 565, 7431, 29898, 29926, 2234, 29897, 6736, 29871, 29896, 322, 432, 2234, 29961, 29900, 29962, 1275, 376, 9818, 1115, 13, 4706, 565, 7431, 7373, 29926, 2234, 29897, 529, 29871, 29896, 29901, 13, 9651, 12020, 24875, 2392, 703, 3782, 432, 2234, 1863, 304, 5040, 29991, 1159, 13, 13, 4706, 363, 432, 297, 432, 737, 29918, 2098, 29901, 13, 9651, 318, 5416, 353, 903, 29926, 2234, 29961, 29926, 29962, 13, 9651, 2224, 353, 10898, 29961, 29926, 29962, 13, 13, 9651, 1970, 353, 10663, 29907, 8148, 29898, 2084, 467, 3126, 29918, 1359, 580, 13, 9651, 10663, 29907, 16329, 29898, 25118, 29892, 432, 29892, 2224, 29892, 1970, 29897, 13, 1678, 1683, 29901, 13, 4706, 565, 7431, 29898, 29926, 2234, 29897, 529, 29871, 29896, 29901, 13, 9651, 12020, 24875, 2392, 703, 12148, 6084, 2845, 697, 470, 901, 432, 2234, 470, 376, 13, 462, 1669, 376, 9818, 29991, 1159, 13, 13, 4706, 363, 432, 737, 297, 432, 2234, 29901, 13, 9651, 903, 29926, 737, 353, 426, 4039, 29901, 318, 5416, 363, 313, 4039, 29892, 318, 5416, 29897, 297, 903, 29926, 2234, 29889, 7076, 580, 565, 13, 462, 268, 318, 5416, 29889, 27382, 2541, 29898, 29926, 737, 29897, 470, 4055, 1275, 432, 737, 29913, 13, 13, 9651, 565, 7431, 7373, 29926, 737, 29897, 1275, 29871, 29896, 29901, 13, 18884, 4055, 29892, 318, 5416, 353, 2446, 29898, 1524, 7373, 29926, 737, 29889, 7076, 22130, 13, 18884, 2224, 353, 10898, 29961, 4039, 29962, 13, 9651, 25342, 7431, 7373, 29926, 737, 29897, 1405, 29871, 29896, 29901, 13, 18884, 301, 629, 29889, 2704, 703, 15329, 552, 432, 2234, 1476, 363, 29908, 13, 462, 3986, 376, 426, 6177, 1642, 4830, 29898, 29926, 737, 876, 13, 18884, 363, 260, 29892, 318, 297, 12705, 7373, 29926, 737, 29889, 7076, 580, 1125, 13, 462, 1678, 301, 629, 29889, 2704, 703, 29871, 6571, 21313, 1800, 1642, 4830, 29898, 29884, 29892, 260, 876, 13, 18884, 12020, 24875, 2392, 580, 13, 9651, 1683, 29901, 13, 18884, 12020, 24875, 2392, 703, 8875, 451, 1476, 29991, 1642, 4830, 29898, 29926, 737, 876, 13, 13, 9651, 1970, 353, 10663, 29907, 8148, 29898, 2084, 467, 3126, 29918, 1359, 580, 13, 9651, 10663, 29907, 16329, 29898, 25118, 29892, 4055, 29892, 2224, 29892, 1970, 29897, 13, 2 ]
data_split.py
TalSchuster/FewRel
0
15771
<reponame>TalSchuster/FewRel<filename>data_split.py import os import random from shutil import copyfile import json random.seed(123) ROOT_PATH = './data/' k = 5 target_path = './data/wiki_5_splits/' ''' Splits the training set to 5 folds. In each split, the held out set is used for test. ''' path = os.path.join(ROOT_PATH, 'train_wiki' + '.json') data = json.load(open(path, 'r')) relations = list(data.keys()) num_relations = len(relations) rels_per_split = round(num_relations / k) random.shuffle(relations) for i in range(k): split_val_rels = relations[i*rels_per_split: (i+1)*rels_per_split] split_train = {} split_val = {} for rel, examples in data.items(): if rel in split_val_rels: split_val[rel] = examples else: split_train[rel] = examples print(f"split {i}: train: {len(split_val.keys())}, test: {len(split_train.keys())}") os.makedirs(os.path.join(target_path, str(i)), exist_ok=True) with open(os.path.join(target_path, str(i), 'train.json'), 'w') as f: json.dump(split_train, f) with open(os.path.join(target_path, str(i), 'val.json'), 'w') as f: json.dump(split_val, f)
[ 1, 529, 276, 1112, 420, 29958, 29911, 284, 4504, 5402, 29914, 29943, 809, 9662, 29966, 9507, 29958, 1272, 29918, 5451, 29889, 2272, 13, 5215, 2897, 13, 5215, 4036, 13, 3166, 528, 4422, 1053, 3509, 1445, 13, 5215, 4390, 13, 13, 8172, 29889, 26776, 29898, 29896, 29906, 29941, 29897, 13, 13, 21289, 29918, 10145, 353, 19283, 1272, 22208, 13, 13, 29895, 353, 29871, 29945, 13, 5182, 29918, 2084, 353, 19283, 1272, 29914, 4594, 29918, 29945, 29918, 23579, 1169, 22208, 13, 13, 12008, 13, 29903, 572, 1169, 278, 6694, 731, 304, 29871, 29945, 900, 6289, 29889, 13, 797, 1269, 6219, 29892, 278, 4934, 714, 731, 338, 1304, 363, 1243, 29889, 13, 12008, 13, 13, 2084, 353, 2897, 29889, 2084, 29889, 7122, 29898, 21289, 29918, 10145, 29892, 525, 14968, 29918, 4594, 29915, 718, 15300, 3126, 1495, 13, 1272, 353, 4390, 29889, 1359, 29898, 3150, 29898, 2084, 29892, 525, 29878, 8785, 13, 2674, 800, 353, 1051, 29898, 1272, 29889, 8149, 3101, 13, 1949, 29918, 2674, 800, 353, 7431, 29898, 2674, 800, 29897, 13, 13, 2674, 29879, 29918, 546, 29918, 5451, 353, 4513, 29898, 1949, 29918, 2674, 800, 847, 413, 29897, 13, 13, 8172, 29889, 845, 21897, 29898, 2674, 800, 29897, 13, 13, 1454, 474, 297, 3464, 29898, 29895, 1125, 13, 1678, 6219, 29918, 791, 29918, 2674, 29879, 353, 5302, 29961, 29875, 29930, 2674, 29879, 29918, 546, 29918, 5451, 29901, 313, 29875, 29974, 29896, 11877, 2674, 29879, 29918, 546, 29918, 5451, 29962, 13, 13, 1678, 6219, 29918, 14968, 353, 6571, 13, 1678, 6219, 29918, 791, 353, 6571, 13, 1678, 363, 1104, 29892, 6455, 297, 848, 29889, 7076, 7295, 13, 4706, 565, 1104, 297, 6219, 29918, 791, 29918, 2674, 29879, 29901, 13, 9651, 6219, 29918, 791, 29961, 2674, 29962, 353, 6455, 13, 4706, 1683, 29901, 13, 9651, 6219, 29918, 14968, 29961, 2674, 29962, 353, 6455, 13, 13, 1678, 1596, 29898, 29888, 29908, 5451, 426, 29875, 6177, 7945, 29901, 426, 2435, 29898, 5451, 29918, 791, 29889, 8149, 3101, 1118, 1243, 29901, 426, 2435, 29898, 5451, 29918, 14968, 29889, 8149, 580, 2915, 1159, 13, 13, 1678, 2897, 29889, 29885, 12535, 12935, 29898, 359, 29889, 2084, 29889, 7122, 29898, 5182, 29918, 2084, 29892, 851, 29898, 29875, 8243, 1863, 29918, 554, 29922, 5574, 29897, 13, 1678, 411, 1722, 29898, 359, 29889, 2084, 29889, 7122, 29898, 5182, 29918, 2084, 29892, 851, 29898, 29875, 511, 525, 14968, 29889, 3126, 5477, 525, 29893, 1495, 408, 285, 29901, 13, 4706, 4390, 29889, 15070, 29898, 5451, 29918, 14968, 29892, 285, 29897, 13, 1678, 411, 1722, 29898, 359, 29889, 2084, 29889, 7122, 29898, 5182, 29918, 2084, 29892, 851, 29898, 29875, 511, 525, 791, 29889, 3126, 5477, 525, 29893, 1495, 408, 285, 29901, 13, 4706, 4390, 29889, 15070, 29898, 5451, 29918, 791, 29892, 285, 29897, 13, 2 ]
server/core/views/api/admin_jenkins_job.py
FranciscoShi/jenkins-gitlab-integrator
2
153247
import json from functools import partial from aiohttp import web from aiohttp.web_exceptions import HTTPConflict from server.core.common import LoggingMixin from server.core.json_encoders import CustomJSONEncoder from server.core.models import RecordNotFound from server.core.models.jenkins_jobs import JenkinsJob from server.core.security.policy import require_permission, Permission from server.core.views.api.mixins import WebHookApiMixin from server.core.views import create_jenkins_group_manager, create_jenkins_job_manager, set_log_marker, \ create_gitlab_client class AdminApiV1JenkinsJobListView(web.View, LoggingMixin): """ Admin API for find Jenkins Job by group """ @set_log_marker @create_jenkins_job_manager @require_permission(Permission.ADMIN_UI) async def get(self): group_id = self.request.match_info['group_id'] jobs = await self.jenkins_job_manager.find_by_group_id(int(group_id)) return web.json_response(jobs, dumps=partial(json.dumps, cls=CustomJSONEncoder)) class AdminApiV1JenkinsJobView(web.View, LoggingMixin, WebHookApiMixin): """ Admin API for mangmanet Jenkins Job """ @set_log_marker @create_jenkins_job_manager @require_permission(Permission.ADMIN_UI) async def get(self): group_id = self.request.match_info['group_id'] job_id = self.request.match_info['id'] job = await self.jenkins_job_manager.get(job_id) return web.json_response(job, dumps=partial(json.dumps, cls=CustomJSONEncoder)) @set_log_marker @create_jenkins_job_manager @require_permission(Permission.ADMIN_UI) async def post(self): group_id = self.request.match_info['group_id'] json_data = await self.request.json() self._logging_debug(json_data) obj = JenkinsJob() obj.jenkins_group_id = group_id obj.name = json_data['name'] try: obj.jenkins_job_perent_id = int(json_data['jenkins_job_perent_id']) except Exception as e: obj.jenkins_job_perent_id = None obj.gitlab_project_id = int(json_data['gitlab_project_id']) try: first_job = await self.jenkins_job_manager.find_first_by_group_id(group_id) if first_job and obj.jenkins_job_perent_id is None: raise HTTPConflict(reason="only one job can be first") except RecordNotFound: pass job = await self.jenkins_job_manager.create(obj) return web.json_response(job, dumps=partial(json.dumps, cls=CustomJSONEncoder)) @set_log_marker @create_jenkins_job_manager @require_permission(Permission.ADMIN_UI) async def put(self): group_id = int(self.request.match_info['group_id']) job_id = int(self.request.match_info['id']) json_data = await self.request.json() self._logging_debug(json_data) obj = JenkinsJob() obj.id = job_id obj.jenkins_group_id = group_id obj.name = json_data['name'] try: obj.jenkins_job_perent_id = int(json_data['jenkins_job_perent_id']) except Exception as e: obj.jenkins_job_perent_id = None obj.gitlab_project_id = int(json_data['gitlab_project_id']) first_job = await self.jenkins_job_manager.find_first_by_group_id(group_id) if not first_job.id == job_id: raise HTTPConflict(reason="only one job can be first") self._logging_debug(obj.values) job = await self.jenkins_job_manager.update(obj) return web.json_response(job, dumps=partial(json.dumps, cls=CustomJSONEncoder)) @set_log_marker @create_jenkins_job_manager @create_jenkins_group_manager @create_gitlab_client @require_permission(Permission.ADMIN_UI) async def delete(self): #delete webhook job = await self.jenkins_job_manager.get(self.request.match_info['id']) group = await self.jenkins_group_manager.get(job.jenkins_group_id) await self._delete_job_webhook(group, job, ignore_errors=True) #delete job job = await self.jenkins_job_manager.delete(self.request.match_info['id']) return web.json_response({}) class AdminApiV1JenkinsJobGitLabWebHookView(web.View, LoggingMixin, WebHookApiMixin): @set_log_marker @create_jenkins_job_manager @create_jenkins_group_manager @create_gitlab_client @require_permission(Permission.ADMIN_UI) async def delete(self): #delete webhook job = await self.jenkins_job_manager.get(self.request.match_info['id']) group = await self.jenkins_group_manager.get(job.jenkins_group_id) await self._delete_job_webhook(group, job, ignore_errors=True) return web.json_response({}) @set_log_marker @create_jenkins_job_manager @create_jenkins_group_manager @create_gitlab_client @require_permission(Permission.ADMIN_UI) async def put(self): #delete webhook job = await self.jenkins_job_manager.get(self.request.match_info['id']) group = await self.jenkins_group_manager.get(job.jenkins_group_id) await self._delete_job_webhook(group, job, ignore_errors=True) await self._create_job_webhook(group, job) return web.json_response({})
[ 1, 1053, 4390, 13, 3166, 2090, 312, 8789, 1053, 7687, 13, 13, 3166, 263, 601, 1124, 1053, 1856, 13, 3166, 263, 601, 1124, 29889, 2676, 29918, 11739, 29879, 1053, 7331, 16376, 29176, 13, 13, 3166, 1923, 29889, 3221, 29889, 9435, 1053, 4522, 3460, 29924, 861, 262, 13, 3166, 1923, 29889, 3221, 29889, 3126, 29918, 3977, 397, 414, 1053, 8701, 7249, 8566, 6119, 13, 3166, 1923, 29889, 3221, 29889, 9794, 1053, 14164, 17413, 13, 3166, 1923, 29889, 3221, 29889, 9794, 29889, 4142, 11335, 29918, 9057, 29879, 1053, 23750, 11947, 13, 3166, 1923, 29889, 3221, 29889, 8926, 29889, 22197, 1053, 1996, 29918, 16074, 29892, 20894, 2333, 13, 3166, 1923, 29889, 3221, 29889, 7406, 29889, 2754, 29889, 28084, 1144, 1053, 2563, 29950, 2550, 11713, 29924, 861, 262, 13, 3166, 1923, 29889, 3221, 29889, 7406, 1053, 1653, 29918, 4142, 11335, 29918, 2972, 29918, 12847, 29892, 1653, 29918, 4142, 11335, 29918, 9057, 29918, 12847, 29892, 731, 29918, 1188, 29918, 22976, 29892, 320, 13, 1678, 1653, 29918, 5559, 8205, 29918, 4645, 13, 13, 13, 1990, 10229, 11713, 29963, 29896, 29967, 16468, 11947, 15660, 29898, 2676, 29889, 1043, 29892, 4522, 3460, 29924, 861, 262, 1125, 13, 1678, 9995, 13, 4706, 10229, 3450, 363, 1284, 23750, 17163, 491, 2318, 13, 1678, 9995, 13, 13, 1678, 732, 842, 29918, 1188, 29918, 22976, 13, 1678, 732, 3258, 29918, 4142, 11335, 29918, 9057, 29918, 12847, 13, 1678, 732, 12277, 29918, 16074, 29898, 27293, 29889, 3035, 16173, 29918, 3120, 29897, 13, 1678, 7465, 822, 679, 29898, 1311, 1125, 13, 4706, 2318, 29918, 333, 353, 1583, 29889, 3827, 29889, 4352, 29918, 3888, 1839, 2972, 29918, 333, 2033, 13, 4706, 17643, 353, 7272, 1583, 29889, 4142, 11335, 29918, 9057, 29918, 12847, 29889, 2886, 29918, 1609, 29918, 2972, 29918, 333, 29898, 524, 29898, 2972, 29918, 333, 876, 13, 4706, 736, 1856, 29889, 3126, 29918, 5327, 29898, 9057, 29879, 29892, 270, 17204, 29922, 3846, 29898, 3126, 29889, 29881, 17204, 29892, 1067, 29879, 29922, 7281, 7249, 8566, 6119, 876, 13, 13, 13, 1990, 10229, 11713, 29963, 29896, 29967, 16468, 11947, 1043, 29898, 2676, 29889, 1043, 29892, 4522, 3460, 29924, 861, 262, 29892, 2563, 29950, 2550, 11713, 29924, 861, 262, 1125, 13, 1678, 9995, 13, 4706, 10229, 3450, 363, 25016, 1171, 300, 23750, 17163, 13, 1678, 9995, 13, 13, 1678, 732, 842, 29918, 1188, 29918, 22976, 13, 1678, 732, 3258, 29918, 4142, 11335, 29918, 9057, 29918, 12847, 13, 1678, 732, 12277, 29918, 16074, 29898, 27293, 29889, 3035, 16173, 29918, 3120, 29897, 13, 1678, 7465, 822, 679, 29898, 1311, 1125, 13, 4706, 2318, 29918, 333, 353, 1583, 29889, 3827, 29889, 4352, 29918, 3888, 1839, 2972, 29918, 333, 2033, 13, 4706, 4982, 29918, 333, 353, 1583, 29889, 3827, 29889, 4352, 29918, 3888, 1839, 333, 2033, 13, 4706, 4982, 353, 7272, 1583, 29889, 4142, 11335, 29918, 9057, 29918, 12847, 29889, 657, 29898, 9057, 29918, 333, 29897, 13, 4706, 736, 1856, 29889, 3126, 29918, 5327, 29898, 9057, 29892, 270, 17204, 29922, 3846, 29898, 3126, 29889, 29881, 17204, 29892, 1067, 29879, 29922, 7281, 7249, 8566, 6119, 876, 13, 13, 1678, 732, 842, 29918, 1188, 29918, 22976, 13, 1678, 732, 3258, 29918, 4142, 11335, 29918, 9057, 29918, 12847, 13, 1678, 732, 12277, 29918, 16074, 29898, 27293, 29889, 3035, 16173, 29918, 3120, 29897, 13, 1678, 7465, 822, 1400, 29898, 1311, 1125, 13, 4706, 2318, 29918, 333, 353, 1583, 29889, 3827, 29889, 4352, 29918, 3888, 1839, 2972, 29918, 333, 2033, 13, 4706, 4390, 29918, 1272, 353, 7272, 1583, 29889, 3827, 29889, 3126, 580, 13, 4706, 1583, 3032, 21027, 29918, 8382, 29898, 3126, 29918, 1272, 29897, 13, 4706, 5446, 353, 23750, 11947, 580, 13, 4706, 5446, 29889, 4142, 11335, 29918, 2972, 29918, 333, 353, 2318, 29918, 333, 13, 4706, 5446, 29889, 978, 353, 4390, 29918, 1272, 1839, 978, 2033, 13, 4706, 1018, 29901, 13, 9651, 5446, 29889, 4142, 11335, 29918, 9057, 29918, 546, 296, 29918, 333, 353, 938, 29898, 3126, 29918, 1272, 1839, 4142, 11335, 29918, 9057, 29918, 546, 296, 29918, 333, 11287, 13, 4706, 5174, 8960, 408, 321, 29901, 13, 9651, 5446, 29889, 4142, 11335, 29918, 9057, 29918, 546, 296, 29918, 333, 353, 6213, 13, 13, 4706, 5446, 29889, 5559, 8205, 29918, 4836, 29918, 333, 353, 938, 29898, 3126, 29918, 1272, 1839, 5559, 8205, 29918, 4836, 29918, 333, 11287, 13, 13, 4706, 1018, 29901, 13, 9651, 937, 29918, 9057, 353, 7272, 1583, 29889, 4142, 11335, 29918, 9057, 29918, 12847, 29889, 2886, 29918, 4102, 29918, 1609, 29918, 2972, 29918, 333, 29898, 2972, 29918, 333, 29897, 13, 9651, 565, 937, 29918, 9057, 322, 5446, 29889, 4142, 11335, 29918, 9057, 29918, 546, 296, 29918, 333, 338, 6213, 29901, 13, 18884, 12020, 7331, 16376, 29176, 29898, 23147, 543, 6194, 697, 4982, 508, 367, 937, 1159, 13, 4706, 5174, 14164, 17413, 29901, 13, 9651, 1209, 13, 13, 4706, 4982, 353, 7272, 1583, 29889, 4142, 11335, 29918, 9057, 29918, 12847, 29889, 3258, 29898, 5415, 29897, 13, 13, 4706, 736, 1856, 29889, 3126, 29918, 5327, 29898, 9057, 29892, 270, 17204, 29922, 3846, 29898, 3126, 29889, 29881, 17204, 29892, 1067, 29879, 29922, 7281, 7249, 8566, 6119, 876, 13, 13, 1678, 732, 842, 29918, 1188, 29918, 22976, 13, 1678, 732, 3258, 29918, 4142, 11335, 29918, 9057, 29918, 12847, 13, 1678, 732, 12277, 29918, 16074, 29898, 27293, 29889, 3035, 16173, 29918, 3120, 29897, 13, 1678, 7465, 822, 1925, 29898, 1311, 1125, 13, 4706, 2318, 29918, 333, 353, 938, 29898, 1311, 29889, 3827, 29889, 4352, 29918, 3888, 1839, 2972, 29918, 333, 11287, 13, 4706, 4982, 29918, 333, 353, 938, 29898, 1311, 29889, 3827, 29889, 4352, 29918, 3888, 1839, 333, 11287, 13, 4706, 4390, 29918, 1272, 353, 7272, 1583, 29889, 3827, 29889, 3126, 580, 13, 4706, 1583, 3032, 21027, 29918, 8382, 29898, 3126, 29918, 1272, 29897, 13, 4706, 5446, 353, 23750, 11947, 580, 13, 4706, 5446, 29889, 333, 353, 4982, 29918, 333, 13, 4706, 5446, 29889, 4142, 11335, 29918, 2972, 29918, 333, 353, 2318, 29918, 333, 13, 4706, 5446, 29889, 978, 353, 4390, 29918, 1272, 1839, 978, 2033, 13, 13, 4706, 1018, 29901, 13, 9651, 5446, 29889, 4142, 11335, 29918, 9057, 29918, 546, 296, 29918, 333, 353, 938, 29898, 3126, 29918, 1272, 1839, 4142, 11335, 29918, 9057, 29918, 546, 296, 29918, 333, 11287, 13, 4706, 5174, 8960, 408, 321, 29901, 13, 9651, 5446, 29889, 4142, 11335, 29918, 9057, 29918, 546, 296, 29918, 333, 353, 6213, 13, 13, 4706, 5446, 29889, 5559, 8205, 29918, 4836, 29918, 333, 353, 938, 29898, 3126, 29918, 1272, 1839, 5559, 8205, 29918, 4836, 29918, 333, 11287, 13, 13, 4706, 937, 29918, 9057, 353, 7272, 1583, 29889, 4142, 11335, 29918, 9057, 29918, 12847, 29889, 2886, 29918, 4102, 29918, 1609, 29918, 2972, 29918, 333, 29898, 2972, 29918, 333, 29897, 13, 4706, 565, 451, 937, 29918, 9057, 29889, 333, 1275, 4982, 29918, 333, 29901, 13, 9651, 12020, 7331, 16376, 29176, 29898, 23147, 543, 6194, 697, 4982, 508, 367, 937, 1159, 13, 13, 4706, 1583, 3032, 21027, 29918, 8382, 29898, 5415, 29889, 5975, 29897, 13, 4706, 4982, 353, 7272, 1583, 29889, 4142, 11335, 29918, 9057, 29918, 12847, 29889, 5504, 29898, 5415, 29897, 13, 13, 4706, 736, 1856, 29889, 3126, 29918, 5327, 29898, 9057, 29892, 270, 17204, 29922, 3846, 29898, 3126, 29889, 29881, 17204, 29892, 1067, 29879, 29922, 7281, 7249, 8566, 6119, 876, 13, 13, 1678, 732, 842, 29918, 1188, 29918, 22976, 13, 1678, 732, 3258, 29918, 4142, 11335, 29918, 9057, 29918, 12847, 13, 1678, 732, 3258, 29918, 4142, 11335, 29918, 2972, 29918, 12847, 13, 1678, 732, 3258, 29918, 5559, 8205, 29918, 4645, 13, 1678, 732, 12277, 29918, 16074, 29898, 27293, 29889, 3035, 16173, 29918, 3120, 29897, 13, 1678, 7465, 822, 5217, 29898, 1311, 1125, 13, 4706, 396, 8143, 1856, 20849, 13, 4706, 4982, 353, 7272, 1583, 29889, 4142, 11335, 29918, 9057, 29918, 12847, 29889, 657, 29898, 1311, 29889, 3827, 29889, 4352, 29918, 3888, 1839, 333, 11287, 13, 4706, 2318, 353, 7272, 1583, 29889, 4142, 11335, 29918, 2972, 29918, 12847, 29889, 657, 29898, 9057, 29889, 4142, 11335, 29918, 2972, 29918, 333, 29897, 13, 4706, 7272, 1583, 3032, 8143, 29918, 9057, 29918, 2676, 20849, 29898, 2972, 29892, 4982, 29892, 11455, 29918, 12523, 29922, 5574, 29897, 13, 13, 4706, 396, 8143, 4982, 13, 4706, 4982, 353, 7272, 1583, 29889, 4142, 11335, 29918, 9057, 29918, 12847, 29889, 8143, 29898, 1311, 29889, 3827, 29889, 4352, 29918, 3888, 1839, 333, 11287, 13, 13, 4706, 736, 1856, 29889, 3126, 29918, 5327, 3319, 1800, 13, 13, 1990, 10229, 11713, 29963, 29896, 29967, 16468, 11947, 28712, 28632, 3609, 29950, 2550, 1043, 29898, 2676, 29889, 1043, 29892, 4522, 3460, 29924, 861, 262, 29892, 2563, 29950, 2550, 11713, 29924, 861, 262, 1125, 13, 13, 1678, 732, 842, 29918, 1188, 29918, 22976, 13, 1678, 732, 3258, 29918, 4142, 11335, 29918, 9057, 29918, 12847, 13, 1678, 732, 3258, 29918, 4142, 11335, 29918, 2972, 29918, 12847, 13, 1678, 732, 3258, 29918, 5559, 8205, 29918, 4645, 13, 1678, 732, 12277, 29918, 16074, 29898, 27293, 29889, 3035, 16173, 29918, 3120, 29897, 13, 1678, 7465, 822, 5217, 29898, 1311, 1125, 13, 4706, 396, 8143, 1856, 20849, 13, 4706, 4982, 353, 7272, 1583, 29889, 4142, 11335, 29918, 9057, 29918, 12847, 29889, 657, 29898, 1311, 29889, 3827, 29889, 4352, 29918, 3888, 1839, 333, 11287, 13, 4706, 2318, 353, 7272, 1583, 29889, 4142, 11335, 29918, 2972, 29918, 12847, 29889, 657, 29898, 9057, 29889, 4142, 11335, 29918, 2972, 29918, 333, 29897, 13, 4706, 7272, 1583, 3032, 8143, 29918, 9057, 29918, 2676, 20849, 29898, 2972, 29892, 4982, 29892, 11455, 29918, 12523, 29922, 5574, 29897, 13, 13, 4706, 736, 1856, 29889, 3126, 29918, 5327, 3319, 1800, 13, 13, 1678, 732, 842, 29918, 1188, 29918, 22976, 13, 1678, 732, 3258, 29918, 4142, 11335, 29918, 9057, 29918, 12847, 13, 1678, 732, 3258, 29918, 4142, 11335, 29918, 2972, 29918, 12847, 13, 1678, 732, 3258, 29918, 5559, 8205, 29918, 4645, 13, 1678, 732, 12277, 29918, 16074, 29898, 27293, 29889, 3035, 16173, 29918, 3120, 29897, 13, 1678, 7465, 822, 1925, 29898, 1311, 1125, 13, 4706, 396, 8143, 1856, 20849, 13, 4706, 4982, 353, 7272, 1583, 29889, 4142, 11335, 29918, 9057, 29918, 12847, 29889, 657, 29898, 1311, 29889, 3827, 29889, 4352, 29918, 3888, 1839, 333, 11287, 13, 4706, 2318, 353, 7272, 1583, 29889, 4142, 11335, 29918, 2972, 29918, 12847, 29889, 657, 29898, 9057, 29889, 4142, 11335, 29918, 2972, 29918, 333, 29897, 13, 4706, 7272, 1583, 3032, 8143, 29918, 9057, 29918, 2676, 20849, 29898, 2972, 29892, 4982, 29892, 11455, 29918, 12523, 29922, 5574, 29897, 13, 4706, 7272, 1583, 3032, 3258, 29918, 9057, 29918, 2676, 20849, 29898, 2972, 29892, 4982, 29897, 13, 13, 4706, 736, 1856, 29889, 3126, 29918, 5327, 3319, 1800, 13, 2 ]
pyfarm/models/job.py
guidow/pyfarm-master
0
186500
<filename>pyfarm/models/job.py # No shebang line, this module is meant to be imported # # Copyright 2013 <NAME> # # 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. """ Job Models ========== Models and interface classes related to jobs. """ from datetime import datetime try: import pwd except ImportError: # pragma: no cover pwd = None from sys import maxsize from sqlalchemy import event, distinct, or_, and_ from sqlalchemy.orm import validates from pyfarm.core.logger import getLogger from pyfarm.core.enums import WorkState, DBWorkState, _WorkState, AgentState from pyfarm.master.application import db from pyfarm.master.config import config from pyfarm.models.core.functions import work_columns from pyfarm.models.core.types import JSONDict, IDTypeWork from pyfarm.models.core.mixins import ( ValidatePriorityMixin, WorkStateChangedMixin, ReprMixin, ValidateWorkStateMixin, UtilityMixins) from pyfarm.models.statistics.task_event_count import TaskEventCount from pyfarm.models.jobtype import JobType, JobTypeVersion from pyfarm.models.task import Task try: # pylint: disable=undefined-variable range_ = xrange except NameError: range_ = range __all__ = ("Job", ) logger = getLogger("models.job") JobTagAssociation = db.Table( config.get("table_job_tag_assoc"), db.metadata, db.Column( "job_id", IDTypeWork, db.ForeignKey("%s.id" % config.get("table_job")), primary_key=True, doc="The id of the job associated with this task"), db.Column( "tag_id", db.Integer, db.ForeignKey("%s.id" % config.get("table_tag")), primary_key=True, doc="The id of the tag being associated with the job") ) JobDependency = db.Table( config.get("table_job_dependency"), db.metadata, db.Column( "parentid", IDTypeWork, db.ForeignKey("%s.id" % config.get("table_job")), primary_key=True, doc="The parent job id of the job dependency"), db.Column( "childid", IDTypeWork, db.ForeignKey("%s.id" % config.get("table_job")), primary_key=True, doc="The child job id of the job dependency") ) class JobNotifiedUser(db.Model): """ Defines the table containing users to be notified of certain events pertaining to jobs. """ __tablename__ = config.get("table_job_notified_users") user_id = db.Column( db.Integer, db.ForeignKey("%s.id" % config.get("table_user")), primary_key=True, doc="The id of the user to be notified") job_id = db.Column( IDTypeWork, db.ForeignKey("%s.id" % config.get("table_job")), primary_key=True, doc="The id of the associated job") on_success = db.Column( db.Boolean, nullable=False, default=True, doc="True if a user should be notified on successful " "completion of a job") on_failure = db.Column( db.Boolean, nullable=False, default=True, doc="True if a user should be notified of a job's failure") on_deletion = db.Column( db.Boolean, nullable=False, default=False, doc="True if a user should be notified on deletion of " "a job") user = db.relationship( "User", backref=db.backref("subscribed_jobs", lazy="dynamic")) class Job(db.Model, ValidatePriorityMixin, ValidateWorkStateMixin, WorkStateChangedMixin, ReprMixin, UtilityMixins): """ Defines the attributes and environment for a job. Individual commands are kept track of by :class:`Task` """ __tablename__ = config.get("table_job") REPR_COLUMNS = ("id", "state", "project") REPR_CONVERT_COLUMN = {"state": repr} STATE_ENUM = list(WorkState) + [None] # shared work columns id, state, priority, time_submitted, time_started, time_finished = \ work_columns(None, "job.priority") jobtype_version_id = db.Column( IDTypeWork, db.ForeignKey("%s.id" % config.get("table_job_type_version")), nullable=False, doc="The foreign key which stores :class:`JobTypeVersion.id`") job_queue_id = db.Column( IDTypeWork, db.ForeignKey("%s.id" % config.get("table_job_queue")), nullable=True, doc="The foreign key which stores :class:`JobQueue.id`") job_group_id = db.Column( IDTypeWork, db.ForeignKey("%s.id" % config.get("table_job_group")), nullable=True, doc="The foreign key which stores:class:`JobGroup.id`") user_id = db.Column( db.Integer, db.ForeignKey("%s.id" % config.get("table_user")), doc="The id of the user who owns this job") minimum_agents = db.Column( db.Integer, nullable=True, doc="The scheduler will try to assign at least this number " "of agents to this job as long as it can use them, " "before any other considerations.") maximum_agents = db.Column( db.Integer, nullable=True, doc="The scheduler will never assign more than this number" "of agents to this job.") weight = db.Column( db.Integer, nullable=False, default=config.get("queue_default_weight"), doc="The weight of this job. The scheduler will distribute " "available agents between jobs and job queues in the " "same queue in proportion to their weights.") title = db.Column( db.String(config.get("jobtitle_max_length")), nullable=False, doc="The title of this job") notes = db.Column( db.Text, default="", doc="Notes that are provided on submission or added after " "the fact. This column is only provided for human " "consumption, is not scanned, indexed, or used when " "searching") output_link = db.Column( db.Text, nullable=True, doc="An optional link to a URI where this job's output can " "be viewed.") # task data by = db.Column( db.Numeric(10, 4), default=1, doc="The number of frames to count by between `start` and " "`end`. This column may also sometimes be referred to " "as 'step' by other software.") num_tiles = db.Column( db.Integer, nullable=True, doc="How many regions to split frames into for rendering.") batch = db.Column( db.Integer, default=config.get("job_default_batch"), doc="Number of tasks to run on a single agent at once. Depending " "on the capabilities of the software being run this will " "either cause a single process to execute on the agent " "or multiple processes one after the other.") requeue = db.Column( db.Integer, default=config.get("job_requeue_default"), doc="Number of times to requeue failed tasks " "" ".. csv-table:: **Special Values**" " :header: Value, Result" " :widths: 10, 50" "" " 0, never requeue failed tasks" " -1, requeue failed tasks indefinitely") cpus = db.Column( db.Integer, default=config.get("job_default_cpus"), doc="Number of cpus or threads each task should consume on" "each agent. Depending on the job type being executed " "this may result in additional cpu consumption, longer " "wait times in the queue (2 cpus means 2 'fewer' cpus on " "an agent), or all of the above." "" ".. csv-table:: **Special Values**" " :header: Value, Result" " :widths: 10, 50" "" " 0, minimum number of cpu resources not required " " -1, agent cpu is exclusive for a task from this job") ram = db.Column( db.Integer, default=config.get("job_default_ram"), doc="Amount of ram a task from this job will require to be " "free in order to run. A task exceeding this value will " "not result in any special behavior." "" ".. csv-table:: **Special Values**" " :header: Value, Result" " :widths: 10, 50" "" "0, minimum amount of free ram not required" "-1, agent ram is exclusive for a task from this job") ram_warning = db.Column( db.Integer, nullable=True, doc="Amount of ram used by a task before a warning raised. " "A task exceeding this value will not cause any work " "stopping behavior.") ram_max = db.Column( db.Integer, nullable=True, doc="Maximum amount of ram a task is allowed to consume on " "an agent." "" ".. warning:: " " If set, the task will be **terminated** if the ram in " " use by the process exceeds this value.") hidden = db.Column( db.Boolean, default=False, nullable=False, doc="If True, keep the job hidden from the queue and web " "ui. This is typically set to True if you either want " "to save a job for later viewing or if the jobs data " "is being populated in a deferred manner.") environ = db.Column( JSONDict, doc="Dictionary containing information about the environment " "in which the job will execute. " "" ".. note::" " Changes made directly to this object are **not** " " applied to the session.") data = db.Column( JSONDict, doc="Json blob containing additional data for a job " "" ".. note:: " " Changes made directly to this object are **not** " " applied to the session.") to_be_deleted = db.Column( db.Boolean, nullable=False, default=False, doc="If true, the master will stop all running tasks for " "this job and then delete it.") completion_notify_sent = db.Column( db.Boolean, nullable=False, default=False, doc="Whether or not the finish notification mail has already " "been sent out.") autodelete_time = db.Column( db.Integer, nullable=True, default=None, doc="If not None, this job will be automatically deleted this " "number of seconds after it finishes.") # # Relationships # queue = db.relationship( "JobQueue", backref=db.backref("jobs", lazy="dynamic"), doc="The queue for this job") group = db.relationship( "JobGroup", backref=db.backref("jobs", lazy="dynamic"), doc="The job group this job belongs to") user = db.relationship( "User", backref=db.backref("jobs", lazy="dynamic"), doc="The owner of this job") # self-referential many-to-many relationship parents = db.relationship( "Job", secondary=JobDependency, primaryjoin=id==JobDependency.c.childid, secondaryjoin=id==JobDependency.c.parentid, backref="children") notified_users = db.relationship( "JobNotifiedUser", lazy="dynamic", backref=db.backref("job"), cascade="all,delete") tasks_queued = db.relationship( "Task", lazy="dynamic", primaryjoin="(Task.state == None) & " "(Task.job_id == Job.id)", doc="Relationship between this job and any :class:`Task` " "objects which are queued.") tasks_running = db.relationship( "Task", lazy="dynamic", primaryjoin="(Task.state == %s) & " "(Task.job_id == Job.id)" % DBWorkState.RUNNING, doc="Relationship between this job and any :class:`Task` " "objects which are running.") tasks_done = db.relationship("Task", lazy="dynamic", primaryjoin="(Task.state == %s) & " "(Task.job_id == Job.id)" % DBWorkState.DONE, doc="Relationship between this job and any :class:`Task` objects " "which are done.") tasks_failed = db.relationship("Task", lazy="dynamic", primaryjoin="(Task.state == %s) & " "(Task.job_id == Job.id)" % DBWorkState.FAILED, doc="Relationship between this job and any :class:`Task` objects " "which have failed.") # resource relationships tags = db.relationship( "Tag", backref="jobs", lazy="dynamic", secondary=JobTagAssociation, doc="Relationship between this job and :class:`.Tag` objects") def paused(self): return self.state == WorkState.PAUSED def update_state(self): # Import here instead of at the top of the file to avoid a circular # import from pyfarm.scheduler.tasks import send_job_completion_mail from pyfarm.models.agent import Agent num_active_tasks = db.session.query(Task).\ filter(Task.job == self, or_(Task.state == None, and_( Task.state != WorkState.DONE, Task.state != WorkState.FAILED))).count() if num_active_tasks == 0: num_failed_tasks = db.session.query(Task).filter( Task.job == self, Task.state == WorkState.FAILED).count() if num_failed_tasks == 0: if self.state != _WorkState.DONE: logger.info("Job %r (id %s): state transition %r -> 'done'", self.title, self.id, self.state) self.state = WorkState.DONE send_job_completion_mail.apply_async(args=[self.id, True], countdown=5) else: if self.state != _WorkState.FAILED: logger.info("Job %r (id %s): state transition %r -> " "'failed'", self.title, self.id, self.state) self.state = WorkState.FAILED send_job_completion_mail.apply_async(args=[self.id, False], countdown=5) db.session.add(self) elif self.state != _WorkState.PAUSED: num_running_tasks = db.session.query(Task).\ filter(Task.job == self, Task.agent_id != None, Task.agent.has(and_(Agent.state != AgentState.OFFLINE, Agent.state != AgentState.DISABLED)), or_( Task.state == WorkState.RUNNING, Task.state == None)).count() if num_running_tasks == 0: logger.debug("No running tasks in job %s (id %s), setting it " "to queued", self.title, self.id) self.state = None db.session.add(self) elif self.state != _WorkState.RUNNING: self.state = WorkState.RUNNING # Methods used by the scheduler def num_assigned_agents(self): # Import here instead of at the top of the file to avoid circular import from pyfarm.models.agent import Agent # Optimization: Blindly assume that we have no agents assigned if not # running if self.state != _WorkState.RUNNING: return 0 try: return self.assigned_agents_count except AttributeError: self.assigned_agents_count =\ db.session.query(distinct(Task.agent_id)).\ filter(Task.job == self, Task.agent_id != None, or_(Task.state == None, Task.state == WorkState.RUNNING), Task.agent.has( and_(Agent.state != AgentState.OFFLINE, Agent.state != AgentState.DISABLED)))\ .count() return self.assigned_agents_count def clear_assigned_counts(self): try: del self.assigned_agents_count except AttributeError: pass if self.queue: self.queue.clear_assigned_counts() def can_use_more_agents(self): # Import here instead of at the top of the file to avoid circular import from pyfarm.models.agent import Agent unassigned_tasks = Task.query.filter( Task.job == self, or_(Task.state == None, ~Task.state.in_([WorkState.DONE, WorkState.FAILED])), or_(Task.agent == None, Task.agent.has(Agent.state.in_( [AgentState.OFFLINE, AgentState.DISABLED])))).count() return unassigned_tasks > 0 def get_batch(self, agent): # Import here instead of at the top of the file to avoid circular import from pyfarm.models.agent import Agent tasks_query = Task.query.filter( Task.job == self, ~Task.failed_in_agents.any(id=agent.id), or_(Task.state == None, ~Task.state.in_([WorkState.DONE, WorkState.FAILED])), or_(Task.agent == None, Task.agent.has(Agent.state.in_( [AgentState.OFFLINE, AgentState.DISABLED])))).\ order_by("frame asc, tile asc") batch = [] for task in tasks_query: if (len(batch) < self.batch and len(batch) < (self.jobtype_version.max_batch or maxsize) and (not self.jobtype_version.batch_contiguous or (len(batch) == 0 or batch[-1].frame + self.by == task.frame))): batch.append(task) return batch def alter_frame_range(self, start, end, by): # We have to import this down here instead of at the top to break a # circular dependency between the modules from pyfarm.scheduler.tasks import delete_task if end < start: raise ValueError("`end` must be greater than or equal to `start`") self.by = by required_frames = [] current_frame = start while current_frame <= end: required_frames.append(current_frame) current_frame += by existing_tasks = Task.query.filter_by(job=self).all() frames_to_create = required_frames num_created = 0 for task in existing_tasks: if task.frame not in required_frames: delete_task.delay(task.id) else: frames_to_create.remove(task.frame) for frame in frames_to_create: if self.num_tiles: for tile in range_(self.num_tiles - 1): num_created += 1 task = Task() task.job = self task.frame = frame task.tile = tile task.priority = self.priority db.session.add(task) else: num_created += 1 task = Task() task.job = self task.frame = frame task.priority = self.priority db.session.add(task) if frames_to_create: if self.state != WorkState.RUNNING: self.state = None if config.get("enable_statistics"): task_event_count = TaskEventCount(num_new=num_created, job_queue_id=self.job_queue_id) task_event_count.time_start = datetime.utcnow() task_event_count.time_end = datetime.utcnow() db.session.add(task_event_count) def rerun(self): """ Makes this job rerun all its task. Tasks that are currently running are left untouched. """ num_restarted = 0 for task in self.tasks: if task.state != _WorkState.RUNNING and task.state is not None: task.state = None task.agent = None task.failures = 0 db.session.add(task) num_restarted += 1 self.completion_notify_sent = False self.update_state() db.session.add(self) if config.get("enable_statistics"): task_event_count = TaskEventCount(job_queue_id=self.job_queue_id, num_restarted=num_restarted) task_event_count.time_start = datetime.utcnow() task_event_count.time_end = datetime.utcnow() db.session.add(task_event_count) db.session.commit() for child in self.children: child.rerun() def rerun_failed(self): """ Makes this job rerun all its failed tasks. Tasks that are done or are currently running are left untouched """ num_restarted = 0 for task in self.tasks: if task.state == _WorkState.FAILED: task.state = None task.agent = None task.failures = 0 db.session.add(task) num_restarted += 1 self.completion_notify_sent = False self.update_state() db.session.add(self) if config.get("enable_statistics"): task_event_count = TaskEventCount(job_queue_id=self.job_queue_id, num_restarted=num_restarted) task_event_count.time_start = datetime.utcnow() task_event_count.time_end = datetime.utcnow() db.session.commit() for child in self.children: child.rerun_failed() @validates("ram", "cpus") def validate_resource(self, key, value): """ Validation that ensures that the value provided for either :attr:`.ram` or :attr:`.cpus` is a valid value with a given range """ assert isinstance(value, int), "%s must be an integer" % key min_value = config.get("agent_min_%s" % key) max_value = config.get("agent_max_%s" % key) # check the provided input if min_value > value or value > max_value: msg = "value for `%s` must be between " % key msg += "%s and %s" % (min_value, max_value) raise ValueError(msg) return value @validates("progress") def validate_progress(self, key, value): if value < 0.0 or value > 1.0: raise ValueError("Progress must be between 0.0 and 1.0") event.listen(Job.state, "set", Job.state_changed)
[ 1, 529, 9507, 29958, 2272, 29888, 2817, 29914, 9794, 29914, 9057, 29889, 2272, 13, 29937, 1939, 1183, 29890, 574, 1196, 29892, 445, 3883, 338, 6839, 304, 367, 19673, 13, 29937, 13, 29937, 14187, 1266, 29871, 29906, 29900, 29896, 29941, 529, 5813, 29958, 13, 29937, 13, 29937, 10413, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 376, 29931, 293, 1947, 1496, 13, 29937, 366, 1122, 451, 671, 445, 934, 5174, 297, 752, 13036, 411, 278, 19245, 29889, 13, 29937, 887, 1122, 4017, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 1678, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 7047, 13, 29937, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 13, 29937, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 13, 29937, 2823, 278, 19245, 363, 278, 2702, 4086, 14765, 1076, 11239, 322, 13, 29937, 27028, 1090, 278, 19245, 29889, 13, 13, 15945, 29908, 13, 11947, 3382, 1379, 13, 4936, 1360, 13, 13, 23785, 322, 5067, 4413, 4475, 304, 17643, 29889, 13, 13, 15945, 29908, 13, 13, 3166, 12865, 1053, 12865, 13, 13, 2202, 29901, 13, 1678, 1053, 282, 9970, 13, 19499, 16032, 2392, 29901, 29871, 396, 282, 23929, 29901, 694, 4612, 13, 1678, 282, 9970, 353, 6213, 13, 13, 3166, 10876, 1053, 4236, 2311, 13, 13, 3166, 4576, 284, 305, 6764, 1053, 1741, 29892, 8359, 29892, 470, 3383, 322, 29918, 13, 3166, 4576, 284, 305, 6764, 29889, 555, 1053, 2854, 1078, 13, 13, 3166, 11451, 29888, 2817, 29889, 3221, 29889, 21707, 1053, 679, 16363, 13, 3166, 11451, 29888, 2817, 29889, 3221, 29889, 264, 6762, 1053, 5244, 2792, 29892, 6535, 5531, 2792, 29892, 903, 5531, 2792, 29892, 28330, 2792, 13, 3166, 11451, 29888, 2817, 29889, 6207, 29889, 6214, 1053, 4833, 13, 3166, 11451, 29888, 2817, 29889, 6207, 29889, 2917, 1053, 2295, 13, 3166, 11451, 29888, 2817, 29889, 9794, 29889, 3221, 29889, 12171, 1053, 664, 29918, 13099, 13, 3166, 11451, 29888, 2817, 29889, 9794, 29889, 3221, 29889, 8768, 1053, 4663, 21533, 29892, 3553, 1542, 5531, 13, 13, 3166, 11451, 29888, 2817, 29889, 9794, 29889, 3221, 29889, 28084, 1144, 1053, 313, 13, 1678, 15758, 403, 29925, 21766, 29924, 861, 262, 29892, 5244, 2792, 7590, 29924, 861, 262, 29892, 830, 558, 29924, 861, 262, 29892, 13, 1678, 15758, 403, 5531, 2792, 29924, 861, 262, 29892, 22310, 537, 29924, 861, 1144, 29897, 13, 3166, 11451, 29888, 2817, 29889, 9794, 29889, 6112, 6765, 29889, 7662, 29918, 3696, 29918, 2798, 1053, 9330, 2624, 3981, 13, 3166, 11451, 29888, 2817, 29889, 9794, 29889, 9057, 1853, 1053, 17163, 1542, 29892, 17163, 1542, 6594, 13, 3166, 11451, 29888, 2817, 29889, 9794, 29889, 7662, 1053, 9330, 13, 13, 2202, 29901, 13, 29871, 396, 282, 2904, 524, 29901, 11262, 29922, 15955, 29899, 11918, 13, 29871, 3464, 29918, 353, 921, 3881, 13, 19499, 4408, 2392, 29901, 13, 29871, 3464, 29918, 353, 3464, 13, 13, 1649, 497, 1649, 353, 4852, 11947, 613, 1723, 13, 13, 21707, 353, 679, 16363, 703, 9794, 29889, 9057, 1159, 13, 13, 13, 11947, 8176, 29254, 362, 353, 4833, 29889, 3562, 29898, 13, 1678, 2295, 29889, 657, 703, 2371, 29918, 9057, 29918, 4039, 29918, 21011, 4968, 13, 1678, 4833, 29889, 19635, 29892, 13, 1678, 4833, 29889, 4409, 29898, 13, 4706, 376, 9057, 29918, 333, 613, 13, 4706, 3553, 1542, 5531, 29892, 13, 4706, 4833, 29889, 27755, 2558, 11702, 29879, 29889, 333, 29908, 1273, 2295, 29889, 657, 703, 2371, 29918, 9057, 1159, 511, 13, 4706, 7601, 29918, 1989, 29922, 5574, 29892, 13, 4706, 1574, 543, 1576, 1178, 310, 278, 4982, 6942, 411, 445, 3414, 4968, 13, 1678, 4833, 29889, 4409, 29898, 13, 4706, 376, 4039, 29918, 333, 613, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 4833, 29889, 27755, 2558, 11702, 29879, 29889, 333, 29908, 1273, 2295, 29889, 657, 703, 2371, 29918, 4039, 1159, 511, 13, 4706, 7601, 29918, 1989, 29922, 5574, 29892, 13, 4706, 1574, 543, 1576, 1178, 310, 278, 4055, 1641, 6942, 411, 278, 4982, 1159, 13, 29897, 13, 13, 13, 11947, 8498, 5197, 353, 4833, 29889, 3562, 29898, 13, 1678, 2295, 29889, 657, 703, 2371, 29918, 9057, 29918, 10836, 4968, 4833, 29889, 19635, 29892, 13, 1678, 4833, 29889, 4409, 29898, 13, 4706, 376, 3560, 333, 613, 13, 4706, 3553, 1542, 5531, 29892, 13, 4706, 4833, 29889, 27755, 2558, 11702, 29879, 29889, 333, 29908, 1273, 2295, 29889, 657, 703, 2371, 29918, 9057, 1159, 511, 13, 4706, 7601, 29918, 1989, 29922, 5574, 29892, 13, 4706, 1574, 543, 1576, 3847, 4982, 1178, 310, 278, 4982, 10609, 4968, 13, 1678, 4833, 29889, 4409, 29898, 13, 4706, 376, 5145, 333, 613, 13, 4706, 3553, 1542, 5531, 29892, 13, 4706, 4833, 29889, 27755, 2558, 11702, 29879, 29889, 333, 29908, 1273, 2295, 29889, 657, 703, 2371, 29918, 9057, 1159, 511, 13, 4706, 7601, 29918, 1989, 29922, 5574, 29892, 13, 4706, 1574, 543, 1576, 2278, 4982, 1178, 310, 278, 4982, 10609, 1159, 13, 29897, 13, 13, 13, 1990, 17163, 3664, 2164, 2659, 29898, 2585, 29889, 3195, 1125, 13, 1678, 9995, 13, 1678, 5282, 1475, 278, 1591, 6943, 4160, 304, 367, 451, 2164, 310, 3058, 13, 1678, 4959, 639, 2408, 292, 304, 17643, 29889, 13, 1678, 9995, 13, 1678, 4770, 3891, 2435, 420, 1649, 353, 2295, 29889, 657, 703, 2371, 29918, 9057, 29918, 1333, 2164, 29918, 7193, 1159, 13, 13, 1678, 1404, 29918, 333, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 4833, 29889, 27755, 2558, 11702, 29879, 29889, 333, 29908, 1273, 2295, 29889, 657, 703, 2371, 29918, 1792, 1159, 511, 13, 4706, 7601, 29918, 1989, 29922, 5574, 29892, 13, 4706, 1574, 543, 1576, 1178, 310, 278, 1404, 304, 367, 451, 2164, 1159, 13, 13, 1678, 4982, 29918, 333, 353, 4833, 29889, 4409, 29898, 13, 4706, 3553, 1542, 5531, 29892, 13, 4706, 4833, 29889, 27755, 2558, 11702, 29879, 29889, 333, 29908, 1273, 2295, 29889, 657, 703, 2371, 29918, 9057, 1159, 511, 13, 4706, 7601, 29918, 1989, 29922, 5574, 29892, 13, 4706, 1574, 543, 1576, 1178, 310, 278, 6942, 4982, 1159, 13, 13, 1678, 373, 29918, 8698, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 18146, 29892, 13, 4706, 1870, 519, 29922, 8824, 29892, 2322, 29922, 5574, 29892, 13, 4706, 1574, 543, 5574, 565, 263, 1404, 881, 367, 451, 2164, 373, 9150, 376, 13, 9651, 376, 5729, 12757, 310, 263, 4982, 1159, 13, 13, 1678, 373, 29918, 14057, 545, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 18146, 29892, 13, 4706, 1870, 519, 29922, 8824, 29892, 2322, 29922, 5574, 29892, 13, 4706, 1574, 543, 5574, 565, 263, 1404, 881, 367, 451, 2164, 310, 263, 4982, 29915, 29879, 10672, 1159, 13, 13, 1678, 373, 29918, 311, 1026, 291, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 18146, 29892, 13, 4706, 1870, 519, 29922, 8824, 29892, 2322, 29922, 8824, 29892, 13, 4706, 1574, 543, 5574, 565, 263, 1404, 881, 367, 451, 2164, 373, 7374, 291, 310, 376, 13, 9651, 376, 29874, 4982, 1159, 13, 13, 1678, 1404, 353, 4833, 29889, 2674, 800, 4034, 29898, 13, 4706, 376, 2659, 613, 13, 4706, 1250, 999, 29922, 2585, 29889, 1627, 999, 703, 1491, 7588, 2580, 29918, 9057, 29879, 613, 17366, 543, 16626, 5783, 13, 13, 13, 1990, 17163, 29898, 2585, 29889, 3195, 29892, 15758, 403, 29925, 21766, 29924, 861, 262, 29892, 15758, 403, 5531, 2792, 29924, 861, 262, 29892, 13, 3986, 5244, 2792, 7590, 29924, 861, 262, 29892, 830, 558, 29924, 861, 262, 29892, 22310, 537, 29924, 861, 1144, 1125, 13, 1678, 9995, 13, 1678, 5282, 1475, 278, 8393, 322, 5177, 363, 263, 4982, 29889, 29871, 1894, 23352, 8260, 13, 1678, 526, 8126, 5702, 310, 491, 584, 1990, 18078, 5398, 29952, 13, 1678, 9995, 13, 1678, 4770, 3891, 2435, 420, 1649, 353, 2295, 29889, 657, 703, 2371, 29918, 9057, 1159, 13, 1678, 5195, 10593, 29918, 15032, 5005, 3059, 353, 4852, 333, 613, 376, 3859, 613, 376, 4836, 1159, 13, 1678, 5195, 10593, 29918, 6007, 5348, 29911, 29918, 15032, 29127, 353, 8853, 3859, 1115, 2062, 29913, 13, 1678, 6850, 3040, 29918, 1430, 5005, 353, 1051, 29898, 5531, 2792, 29897, 718, 518, 8516, 29962, 13, 13, 1678, 396, 7258, 664, 4341, 13, 1678, 1178, 29892, 2106, 29892, 20136, 29892, 931, 29918, 1491, 29885, 4430, 29892, 931, 29918, 2962, 287, 29892, 931, 29918, 4951, 3276, 353, 320, 13, 4706, 664, 29918, 13099, 29898, 8516, 29892, 376, 9057, 29889, 29886, 21766, 1159, 13, 13, 1678, 4982, 1853, 29918, 3259, 29918, 333, 353, 4833, 29889, 4409, 29898, 13, 4706, 3553, 1542, 5531, 29892, 13, 4706, 4833, 29889, 27755, 2558, 11702, 29879, 29889, 333, 29908, 1273, 2295, 29889, 657, 703, 2371, 29918, 9057, 29918, 1853, 29918, 3259, 1159, 511, 13, 4706, 1870, 519, 29922, 8824, 29892, 13, 4706, 1574, 543, 1576, 9117, 1820, 607, 14422, 584, 1990, 18078, 11947, 1542, 6594, 29889, 333, 29952, 1159, 13, 13, 1678, 4982, 29918, 9990, 29918, 333, 353, 4833, 29889, 4409, 29898, 13, 4706, 3553, 1542, 5531, 29892, 13, 4706, 4833, 29889, 27755, 2558, 11702, 29879, 29889, 333, 29908, 1273, 2295, 29889, 657, 703, 2371, 29918, 9057, 29918, 9990, 1159, 511, 13, 4706, 1870, 519, 29922, 5574, 29892, 13, 4706, 1574, 543, 1576, 9117, 1820, 607, 14422, 584, 1990, 18078, 11947, 10620, 29889, 333, 29952, 1159, 13, 13, 1678, 4982, 29918, 2972, 29918, 333, 353, 4833, 29889, 4409, 29898, 13, 4706, 3553, 1542, 5531, 29892, 13, 4706, 4833, 29889, 27755, 2558, 11702, 29879, 29889, 333, 29908, 1273, 2295, 29889, 657, 703, 2371, 29918, 9057, 29918, 2972, 1159, 511, 13, 4706, 1870, 519, 29922, 5574, 29892, 13, 4706, 1574, 543, 1576, 9117, 1820, 607, 14422, 29901, 1990, 18078, 11947, 4782, 29889, 333, 29952, 1159, 13, 13, 1678, 1404, 29918, 333, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 4833, 29889, 27755, 2558, 11702, 29879, 29889, 333, 29908, 1273, 2295, 29889, 657, 703, 2371, 29918, 1792, 1159, 511, 13, 4706, 1574, 543, 1576, 1178, 310, 278, 1404, 1058, 1914, 29879, 445, 4982, 1159, 13, 13, 1678, 9212, 29918, 351, 1237, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 1870, 519, 29922, 5574, 29892, 13, 4706, 1574, 543, 1576, 1364, 14952, 674, 1018, 304, 3566, 472, 3203, 445, 1353, 376, 13, 9651, 376, 974, 19518, 304, 445, 4982, 408, 1472, 408, 372, 508, 671, 963, 29892, 376, 13, 9651, 376, 11083, 738, 916, 2050, 800, 23157, 13, 13, 1678, 7472, 29918, 351, 1237, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 1870, 519, 29922, 5574, 29892, 13, 4706, 1574, 543, 1576, 1364, 14952, 674, 2360, 3566, 901, 1135, 445, 1353, 29908, 13, 9651, 376, 974, 19518, 304, 445, 4982, 23157, 13, 13, 1678, 7688, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 1870, 519, 29922, 8824, 29892, 13, 4706, 2322, 29922, 2917, 29889, 657, 703, 9990, 29918, 4381, 29918, 7915, 4968, 13, 4706, 1574, 543, 1576, 7688, 310, 445, 4982, 29889, 450, 1364, 14952, 674, 1320, 2666, 376, 13, 9651, 376, 16515, 19518, 1546, 17643, 322, 4982, 712, 1041, 297, 278, 376, 13, 9651, 376, 17642, 9521, 297, 18618, 304, 1009, 18177, 23157, 13, 13, 1678, 3611, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 1231, 29898, 2917, 29889, 657, 703, 9057, 3257, 29918, 3317, 29918, 2848, 1159, 511, 13, 4706, 1870, 519, 29922, 8824, 29892, 13, 4706, 1574, 543, 1576, 3611, 310, 445, 4982, 1159, 13, 13, 1678, 11486, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 1626, 29892, 13, 4706, 2322, 543, 613, 13, 4706, 1574, 543, 3664, 267, 393, 526, 4944, 373, 29240, 470, 2715, 1156, 376, 13, 9651, 376, 1552, 2114, 29889, 910, 1897, 338, 871, 4944, 363, 5199, 376, 13, 9651, 376, 25978, 683, 29892, 338, 451, 885, 11310, 29892, 27541, 29892, 470, 1304, 746, 376, 13, 9651, 376, 4478, 292, 1159, 13, 13, 1678, 1962, 29918, 2324, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 1626, 29892, 13, 4706, 1870, 519, 29922, 5574, 29892, 13, 4706, 1574, 543, 2744, 13136, 1544, 304, 263, 23539, 988, 445, 4982, 29915, 29879, 1962, 508, 376, 13, 9651, 376, 915, 24774, 23157, 13, 13, 1678, 396, 3414, 848, 13, 1678, 491, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 29940, 25099, 29898, 29896, 29900, 29892, 29871, 29946, 511, 13, 4706, 2322, 29922, 29896, 29892, 13, 4706, 1574, 543, 1576, 1353, 310, 16608, 304, 2302, 491, 1546, 421, 2962, 29952, 322, 376, 13, 9651, 29724, 355, 1412, 29871, 910, 1897, 1122, 884, 6041, 367, 12992, 304, 376, 13, 9651, 376, 294, 525, 10568, 29915, 491, 916, 7047, 23157, 13, 13, 1678, 954, 29918, 1376, 267, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 1870, 519, 29922, 5574, 29892, 13, 4706, 1574, 543, 5328, 1784, 12786, 304, 6219, 16608, 964, 363, 15061, 23157, 13, 13, 1678, 9853, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 2322, 29922, 2917, 29889, 657, 703, 9057, 29918, 4381, 29918, 16175, 4968, 13, 4706, 1574, 543, 4557, 310, 9595, 304, 1065, 373, 263, 2323, 10823, 472, 2748, 29889, 28277, 376, 13, 9651, 376, 265, 278, 27108, 310, 278, 7047, 1641, 1065, 445, 674, 376, 13, 9651, 376, 29872, 2121, 4556, 263, 2323, 1889, 304, 6222, 373, 278, 10823, 376, 13, 9651, 376, 272, 2999, 10174, 697, 1156, 278, 916, 23157, 13, 13, 1678, 337, 9990, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 2322, 29922, 2917, 29889, 657, 703, 9057, 29918, 276, 9990, 29918, 4381, 4968, 13, 4706, 1574, 543, 4557, 310, 3064, 304, 337, 9990, 5229, 9595, 376, 13, 9651, 5124, 13, 9651, 376, 636, 11799, 29899, 2371, 1057, 3579, 24780, 2630, 1041, 1068, 29908, 13, 9651, 376, 259, 584, 6672, 29901, 7865, 29892, 7867, 29908, 13, 9651, 376, 259, 584, 2103, 29879, 29901, 29871, 29896, 29900, 29892, 29871, 29945, 29900, 29908, 13, 9651, 5124, 13, 9651, 376, 1678, 29900, 29892, 2360, 337, 9990, 5229, 9595, 29908, 13, 9651, 376, 29871, 448, 29896, 29892, 337, 9990, 5229, 9595, 297, 1753, 18639, 1159, 13, 13, 1678, 274, 13364, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 2322, 29922, 2917, 29889, 657, 703, 9057, 29918, 4381, 29918, 6814, 375, 4968, 13, 4706, 1574, 543, 4557, 310, 274, 13364, 470, 9717, 1269, 3414, 881, 29151, 373, 29908, 13, 9651, 376, 4204, 10823, 29889, 29871, 28277, 373, 278, 4982, 1134, 1641, 8283, 376, 13, 9651, 376, 1366, 1122, 1121, 297, 5684, 26403, 27430, 29892, 5520, 376, 13, 9651, 376, 10685, 3064, 297, 278, 9521, 313, 29906, 274, 13364, 2794, 29871, 29906, 525, 1725, 556, 29915, 274, 13364, 373, 376, 13, 9651, 376, 273, 10823, 511, 470, 599, 310, 278, 2038, 1213, 13, 9651, 5124, 13, 9651, 376, 636, 11799, 29899, 2371, 1057, 3579, 24780, 2630, 1041, 1068, 29908, 13, 9651, 376, 259, 584, 6672, 29901, 7865, 29892, 7867, 29908, 13, 9651, 376, 259, 584, 2103, 29879, 29901, 29871, 29896, 29900, 29892, 29871, 29945, 29900, 29908, 13, 9651, 5124, 13, 9651, 376, 1678, 29900, 29892, 9212, 1353, 310, 26403, 7788, 451, 3734, 376, 13, 9651, 376, 259, 448, 29896, 29892, 10823, 26403, 338, 29192, 363, 263, 3414, 515, 445, 4982, 1159, 13, 13, 1678, 13472, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 2322, 29922, 2917, 29889, 657, 703, 9057, 29918, 4381, 29918, 2572, 4968, 13, 4706, 1574, 543, 18087, 310, 13472, 263, 3414, 515, 445, 4982, 674, 1996, 304, 367, 376, 13, 9651, 376, 9021, 297, 1797, 304, 1065, 29889, 29871, 319, 3414, 13461, 292, 445, 995, 674, 376, 13, 9651, 376, 1333, 1121, 297, 738, 4266, 6030, 1213, 13, 9651, 5124, 13, 9651, 376, 636, 11799, 29899, 2371, 1057, 3579, 24780, 2630, 1041, 1068, 29908, 13, 9651, 376, 1678, 584, 6672, 29901, 7865, 29892, 7867, 29908, 13, 9651, 376, 1678, 584, 2103, 29879, 29901, 29871, 29896, 29900, 29892, 29871, 29945, 29900, 29908, 13, 9651, 5124, 13, 9651, 376, 29900, 29892, 9212, 5253, 310, 3889, 13472, 451, 3734, 29908, 13, 9651, 11663, 29896, 29892, 10823, 13472, 338, 29192, 363, 263, 3414, 515, 445, 4982, 1159, 13, 13, 1678, 13472, 29918, 27392, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 1870, 519, 29922, 5574, 29892, 13, 4706, 1574, 543, 18087, 310, 13472, 1304, 491, 263, 3414, 1434, 263, 9177, 10425, 29889, 376, 13, 9651, 376, 29909, 3414, 13461, 292, 445, 995, 674, 451, 29871, 4556, 738, 664, 376, 13, 9651, 376, 7864, 3262, 6030, 23157, 13, 13, 1678, 13472, 29918, 3317, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 1870, 519, 29922, 5574, 29892, 13, 4706, 1574, 543, 7976, 12539, 5253, 310, 13472, 263, 3414, 338, 6068, 304, 29151, 373, 376, 13, 9651, 376, 273, 10823, 1213, 13, 9651, 5124, 13, 9651, 376, 636, 9177, 1057, 376, 13, 9651, 376, 259, 960, 731, 29892, 278, 3414, 674, 367, 3579, 18821, 630, 1068, 565, 278, 13472, 297, 376, 13, 9651, 376, 259, 671, 491, 278, 1889, 13461, 29879, 445, 995, 23157, 13, 13, 1678, 7934, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 18146, 29892, 13, 4706, 2322, 29922, 8824, 29892, 1870, 519, 29922, 8824, 29892, 13, 4706, 1574, 543, 3644, 5852, 29892, 3013, 278, 4982, 7934, 515, 278, 9521, 322, 1856, 376, 13, 9651, 376, 1481, 29889, 29871, 910, 338, 12234, 731, 304, 5852, 565, 366, 2845, 864, 376, 13, 9651, 376, 517, 4078, 263, 4982, 363, 2678, 1776, 292, 470, 565, 278, 17643, 848, 376, 13, 9651, 376, 275, 1641, 24146, 297, 263, 316, 14373, 8214, 23157, 13, 13, 1678, 12471, 353, 4833, 29889, 4409, 29898, 13, 4706, 4663, 21533, 29892, 13, 4706, 1574, 543, 11513, 6943, 2472, 1048, 278, 5177, 376, 13, 9651, 376, 262, 607, 278, 4982, 674, 6222, 29889, 376, 13, 9651, 5124, 13, 9651, 376, 636, 4443, 1057, 29908, 13, 9651, 376, 1678, 678, 6916, 1754, 4153, 304, 445, 1203, 526, 3579, 1333, 1068, 376, 13, 9651, 376, 1678, 7436, 304, 278, 4867, 23157, 13, 13, 1678, 848, 353, 4833, 29889, 4409, 29898, 13, 4706, 4663, 21533, 29892, 13, 4706, 1574, 543, 8148, 23755, 6943, 5684, 848, 363, 263, 4982, 376, 13, 9651, 5124, 13, 9651, 376, 636, 4443, 1057, 376, 13, 9651, 376, 259, 678, 6916, 1754, 4153, 304, 445, 1203, 526, 3579, 1333, 1068, 376, 13, 9651, 376, 259, 7436, 304, 278, 4867, 23157, 13, 13, 1678, 304, 29918, 915, 29918, 311, 22742, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 18146, 29892, 13, 4706, 1870, 519, 29922, 8824, 29892, 2322, 29922, 8824, 29892, 13, 4706, 1574, 543, 3644, 1565, 29892, 278, 5835, 674, 5040, 599, 2734, 9595, 363, 376, 13, 9651, 376, 1366, 4982, 322, 769, 5217, 372, 23157, 13, 13, 1678, 13285, 29918, 25140, 29918, 18616, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 18146, 29892, 13, 4706, 1870, 519, 29922, 8824, 29892, 2322, 29922, 8824, 29892, 13, 4706, 1574, 543, 8809, 1979, 470, 451, 278, 8341, 12519, 10524, 756, 2307, 376, 13, 9651, 376, 915, 264, 2665, 714, 23157, 13, 13, 1678, 1120, 356, 2810, 29918, 2230, 353, 4833, 29889, 4409, 29898, 13, 4706, 4833, 29889, 7798, 29892, 13, 4706, 1870, 519, 29922, 5574, 29892, 2322, 29922, 8516, 29892, 13, 4706, 1574, 543, 3644, 451, 6213, 29892, 445, 4982, 674, 367, 6336, 11132, 445, 376, 13, 9651, 376, 4537, 310, 6923, 1156, 372, 8341, 267, 23157, 13, 13, 1678, 396, 13, 1678, 396, 6376, 800, 14587, 13, 1678, 396, 13, 13, 1678, 9521, 353, 4833, 29889, 2674, 800, 4034, 29898, 13, 4706, 376, 11947, 10620, 613, 13, 4706, 1250, 999, 29922, 2585, 29889, 1627, 999, 703, 9057, 29879, 613, 17366, 543, 16626, 4968, 13, 4706, 1574, 543, 1576, 9521, 363, 445, 4982, 1159, 13, 13, 1678, 2318, 353, 4833, 29889, 2674, 800, 4034, 29898, 13, 4706, 376, 11947, 4782, 613, 13, 4706, 1250, 999, 29922, 2585, 29889, 1627, 999, 703, 9057, 29879, 613, 17366, 543, 16626, 4968, 13, 4706, 1574, 543, 1576, 4982, 2318, 445, 4982, 14393, 304, 1159, 13, 13, 1678, 1404, 353, 4833, 29889, 2674, 800, 4034, 29898, 13, 4706, 376, 2659, 613, 13, 4706, 1250, 999, 29922, 2585, 29889, 1627, 999, 703, 9057, 29879, 613, 17366, 543, 16626, 4968, 13, 4706, 1574, 543, 1576, 12271, 310, 445, 4982, 1159, 13, 13, 1678, 396, 1583, 29899, 20275, 2556, 1784, 29899, 517, 29899, 13011, 9443, 13, 1678, 11825, 353, 4833, 29889, 2674, 800, 4034, 29898, 13, 4706, 376, 11947, 613, 13, 4706, 16723, 29922, 11947, 8498, 5197, 29892, 13, 4706, 7601, 7122, 29922, 333, 1360, 11947, 8498, 5197, 29889, 29883, 29889, 5145, 333, 29892, 13, 4706, 16723, 7122, 29922, 333, 1360, 11947, 8498, 5197, 29889, 29883, 29889, 3560, 333, 29892, 13, 4706, 1250, 999, 543, 11991, 1159, 13, 13, 1678, 451, 2164, 29918, 7193, 353, 4833, 29889, 2674, 800, 4034, 29898, 13, 4706, 376, 11947, 3664, 2164, 2659, 613, 13, 4706, 17366, 543, 16626, 613, 13, 4706, 1250, 999, 29922, 2585, 29889, 1627, 999, 703, 9057, 4968, 13, 4706, 3209, 6332, 543, 497, 29892, 8143, 1159, 13, 13, 1678, 9595, 29918, 802, 6742, 353, 4833, 29889, 2674, 800, 4034, 29898, 13, 4706, 376, 5398, 613, 13, 4706, 17366, 543, 16626, 613, 13, 4706, 7601, 7122, 543, 29898, 5398, 29889, 3859, 1275, 6213, 29897, 669, 376, 13, 462, 1678, 18227, 5398, 29889, 9057, 29918, 333, 1275, 17163, 29889, 333, 19123, 13, 4706, 1574, 543, 9662, 800, 4034, 1546, 445, 4982, 322, 738, 584, 1990, 18078, 5398, 29952, 376, 13, 9651, 376, 12650, 607, 526, 712, 6742, 23157, 13, 13, 1678, 9595, 29918, 21094, 353, 4833, 29889, 2674, 800, 4034, 29898, 13, 4706, 376, 5398, 613, 13, 4706, 17366, 543, 16626, 613, 13, 4706, 7601, 7122, 543, 29898, 5398, 29889, 3859, 1275, 1273, 29879, 29897, 669, 376, 13, 462, 1678, 18227, 5398, 29889, 9057, 29918, 333, 1275, 17163, 29889, 333, 5513, 1273, 6535, 5531, 2792, 29889, 29934, 3904, 29940, 4214, 29892, 13, 4706, 1574, 543, 9662, 800, 4034, 1546, 445, 4982, 322, 738, 584, 1990, 18078, 5398, 29952, 376, 13, 9651, 376, 12650, 607, 526, 2734, 23157, 13, 13, 1678, 9595, 29918, 15091, 353, 4833, 29889, 2674, 800, 4034, 703, 5398, 613, 17366, 543, 16626, 613, 13, 4706, 7601, 7122, 543, 29898, 5398, 29889, 3859, 1275, 1273, 29879, 29897, 669, 376, 13, 462, 1678, 18227, 5398, 29889, 9057, 29918, 333, 1275, 17163, 29889, 333, 5513, 1273, 6535, 5531, 2792, 29889, 29928, 12413, 29892, 13, 4706, 1574, 543, 9662, 800, 4034, 1546, 445, 4982, 322, 738, 584, 1990, 18078, 5398, 29952, 3618, 376, 13, 9651, 376, 4716, 526, 2309, 23157, 13, 13, 1678, 9595, 29918, 26061, 353, 4833, 29889, 2674, 800, 4034, 703, 5398, 613, 17366, 543, 16626, 613, 13, 4706, 7601, 7122, 543, 29898, 5398, 29889, 3859, 1275, 1273, 29879, 29897, 669, 376, 13, 462, 1678, 18227, 5398, 29889, 9057, 29918, 333, 1275, 17163, 29889, 333, 5513, 1273, 6535, 5531, 2792, 29889, 4519, 29902, 20566, 29892, 13, 4706, 1574, 543, 9662, 800, 4034, 1546, 445, 4982, 322, 738, 584, 1990, 18078, 5398, 29952, 3618, 376, 13, 9651, 376, 4716, 505, 5229, 23157, 13, 13, 1678, 396, 6503, 21702, 13, 1678, 8282, 353, 4833, 29889, 2674, 800, 4034, 29898, 13, 4706, 376, 8176, 613, 13, 4706, 1250, 999, 543, 9057, 29879, 613, 17366, 543, 16626, 613, 13, 4706, 16723, 29922, 11947, 8176, 29254, 362, 29892, 13, 4706, 1574, 543, 9662, 800, 4034, 1546, 445, 4982, 322, 584, 1990, 29901, 1412, 8176, 29952, 3618, 1159, 13, 13, 1678, 822, 28454, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 3859, 1275, 5244, 2792, 29889, 7228, 17171, 29928, 13, 13, 1678, 822, 2767, 29918, 3859, 29898, 1311, 1125, 13, 4706, 396, 16032, 1244, 2012, 310, 472, 278, 2246, 310, 278, 934, 304, 4772, 263, 19308, 13, 4706, 396, 1053, 13, 4706, 515, 11451, 29888, 2817, 29889, 816, 14952, 29889, 20673, 1053, 3638, 29918, 9057, 29918, 5729, 12757, 29918, 2549, 13, 4706, 515, 11451, 29888, 2817, 29889, 9794, 29889, 14748, 1053, 28330, 13, 13, 4706, 954, 29918, 4925, 29918, 20673, 353, 4833, 29889, 7924, 29889, 1972, 29898, 5398, 467, 29905, 13, 9651, 4175, 29898, 5398, 29889, 9057, 1275, 1583, 29892, 13, 462, 259, 470, 23538, 5398, 29889, 3859, 1275, 6213, 29892, 322, 23538, 13, 462, 9651, 9330, 29889, 3859, 2804, 5244, 2792, 29889, 29928, 12413, 29892, 13, 462, 9651, 9330, 29889, 3859, 2804, 5244, 2792, 29889, 4519, 29902, 20566, 876, 467, 2798, 580, 13, 4706, 565, 954, 29918, 4925, 29918, 20673, 1275, 29871, 29900, 29901, 13, 9651, 954, 29918, 26061, 29918, 20673, 353, 4833, 29889, 7924, 29889, 1972, 29898, 5398, 467, 4572, 29898, 13, 18884, 9330, 29889, 9057, 1275, 1583, 29892, 13, 18884, 9330, 29889, 3859, 1275, 5244, 2792, 29889, 4519, 29902, 20566, 467, 2798, 580, 13, 9651, 565, 954, 29918, 26061, 29918, 20673, 1275, 29871, 29900, 29901, 13, 18884, 565, 1583, 29889, 3859, 2804, 903, 5531, 2792, 29889, 29928, 12413, 29901, 13, 462, 1678, 17927, 29889, 3888, 703, 11947, 1273, 29878, 313, 333, 1273, 29879, 1125, 2106, 9558, 1273, 29878, 1599, 525, 15091, 29915, 613, 13, 462, 18884, 1583, 29889, 3257, 29892, 1583, 29889, 333, 29892, 1583, 29889, 3859, 29897, 13, 462, 1678, 1583, 29889, 3859, 353, 5244, 2792, 29889, 29928, 12413, 13, 462, 1678, 3638, 29918, 9057, 29918, 5729, 12757, 29918, 2549, 29889, 7302, 29918, 12674, 29898, 5085, 11759, 1311, 29889, 333, 29892, 5852, 1402, 13, 462, 462, 462, 308, 2302, 3204, 29922, 29945, 29897, 13, 9651, 1683, 29901, 13, 18884, 565, 1583, 29889, 3859, 2804, 903, 5531, 2792, 29889, 4519, 29902, 20566, 29901, 13, 462, 1678, 17927, 29889, 3888, 703, 11947, 1273, 29878, 313, 333, 1273, 29879, 1125, 2106, 9558, 1273, 29878, 1599, 376, 13, 462, 18884, 13577, 26061, 29915, 613, 13, 462, 18884, 1583, 29889, 3257, 29892, 1583, 29889, 333, 29892, 1583, 29889, 3859, 29897, 13, 462, 1678, 1583, 29889, 3859, 353, 5244, 2792, 29889, 4519, 29902, 20566, 13, 462, 1678, 3638, 29918, 9057, 29918, 5729, 12757, 29918, 2549, 29889, 7302, 29918, 12674, 29898, 5085, 11759, 1311, 29889, 333, 29892, 7700, 1402, 13, 462, 462, 462, 308, 2302, 3204, 29922, 29945, 29897, 13, 9651, 4833, 29889, 7924, 29889, 1202, 29898, 1311, 29897, 13, 4706, 25342, 1583, 29889, 3859, 2804, 903, 5531, 2792, 29889, 7228, 17171, 29928, 29901, 13, 9651, 954, 29918, 21094, 29918, 20673, 353, 4833, 29889, 7924, 29889, 1972, 29898, 5398, 467, 29905, 13, 18884, 4175, 29898, 5398, 29889, 9057, 1275, 1583, 29892, 13, 462, 539, 9330, 29889, 14748, 29918, 333, 2804, 6213, 29892, 13, 462, 539, 9330, 29889, 14748, 29889, 5349, 29898, 392, 23538, 19661, 29889, 3859, 2804, 28330, 2792, 29889, 27681, 18521, 29892, 13, 462, 462, 965, 28330, 29889, 3859, 2804, 28330, 2792, 29889, 23711, 6181, 29928, 8243, 13, 462, 539, 470, 23538, 13, 462, 9651, 9330, 29889, 3859, 1275, 5244, 2792, 29889, 29934, 3904, 29940, 4214, 29892, 13, 462, 9651, 9330, 29889, 3859, 1275, 6213, 8106, 2798, 580, 13, 9651, 565, 954, 29918, 21094, 29918, 20673, 1275, 29871, 29900, 29901, 13, 18884, 17927, 29889, 8382, 703, 3782, 2734, 9595, 297, 4982, 1273, 29879, 313, 333, 1273, 29879, 511, 4444, 372, 376, 13, 462, 632, 376, 517, 712, 6742, 613, 1583, 29889, 3257, 29892, 1583, 29889, 333, 29897, 13, 18884, 1583, 29889, 3859, 353, 6213, 13, 18884, 4833, 29889, 7924, 29889, 1202, 29898, 1311, 29897, 13, 9651, 25342, 1583, 29889, 3859, 2804, 903, 5531, 2792, 29889, 29934, 3904, 29940, 4214, 29901, 13, 18884, 1583, 29889, 3859, 353, 5244, 2792, 29889, 29934, 3904, 29940, 4214, 13, 13, 1678, 396, 8108, 29879, 1304, 491, 278, 1364, 14952, 13, 1678, 822, 954, 29918, 465, 12961, 29918, 351, 1237, 29898, 1311, 1125, 13, 4706, 396, 16032, 1244, 2012, 310, 472, 278, 2246, 310, 278, 934, 304, 4772, 19308, 1053, 13, 4706, 515, 11451, 29888, 2817, 29889, 9794, 29889, 14748, 1053, 28330, 13, 13, 4706, 396, 20693, 326, 2133, 29901, 3164, 513, 368, 5251, 393, 591, 505, 694, 19518, 9859, 565, 451, 13, 4706, 396, 2734, 13, 4706, 565, 1583, 29889, 3859, 2804, 903, 5531, 2792, 29889, 29934, 3904, 29940, 4214, 29901, 13, 9651, 736, 29871, 29900, 13, 13, 4706, 1018, 29901, 13, 9651, 736, 1583, 29889, 465, 12961, 29918, 351, 1237, 29918, 2798, 13, 4706, 5174, 23833, 2392, 29901, 13, 9651, 1583, 29889, 465, 12961, 29918, 351, 1237, 29918, 2798, 17313, 13, 18884, 4833, 29889, 7924, 29889, 1972, 29898, 5721, 5562, 29898, 5398, 29889, 14748, 29918, 333, 8106, 29905, 13, 462, 1678, 4175, 29898, 5398, 29889, 9057, 1275, 1583, 29892, 13, 462, 965, 9330, 29889, 14748, 29918, 333, 2804, 6213, 29892, 13, 462, 965, 470, 23538, 5398, 29889, 3859, 1275, 6213, 29892, 13, 462, 1669, 9330, 29889, 3859, 1275, 5244, 2792, 29889, 29934, 3904, 29940, 4214, 511, 13, 462, 965, 9330, 29889, 14748, 29889, 5349, 29898, 13, 462, 1669, 322, 23538, 19661, 29889, 3859, 2804, 28330, 2792, 29889, 27681, 18521, 29892, 13, 462, 462, 1678, 28330, 29889, 3859, 2804, 28330, 2792, 29889, 23711, 6181, 29928, 876, 2144, 13, 462, 462, 4706, 869, 2798, 580, 13, 13, 9651, 736, 1583, 29889, 465, 12961, 29918, 351, 1237, 29918, 2798, 13, 13, 1678, 822, 2821, 29918, 465, 12961, 29918, 2798, 29879, 29898, 1311, 1125, 13, 4706, 1018, 29901, 13, 9651, 628, 1583, 29889, 465, 12961, 29918, 351, 1237, 29918, 2798, 13, 4706, 5174, 23833, 2392, 29901, 13, 9651, 1209, 13, 4706, 565, 1583, 29889, 9990, 29901, 13, 9651, 1583, 29889, 9990, 29889, 8551, 29918, 465, 12961, 29918, 2798, 29879, 580, 13, 13, 1678, 822, 508, 29918, 1509, 29918, 5514, 29918, 351, 1237, 29898, 1311, 1125, 13, 4706, 396, 16032, 1244, 2012, 310, 472, 278, 2246, 310, 278, 934, 304, 4772, 19308, 1053, 13, 4706, 515, 11451, 29888, 2817, 29889, 9794, 29889, 14748, 1053, 28330, 13, 13, 4706, 443, 465, 12961, 29918, 20673, 353, 9330, 29889, 1972, 29889, 4572, 29898, 13, 9651, 9330, 29889, 9057, 1275, 1583, 29892, 13, 9651, 470, 23538, 5398, 29889, 3859, 1275, 6213, 29892, 13, 18884, 3695, 5398, 29889, 3859, 29889, 262, 29918, 4197, 5531, 2792, 29889, 29928, 12413, 29892, 5244, 2792, 29889, 4519, 29902, 20566, 2314, 511, 13, 9651, 470, 23538, 5398, 29889, 14748, 1275, 6213, 29892, 13, 18884, 9330, 29889, 14748, 29889, 5349, 29898, 19661, 29889, 3859, 29889, 262, 23538, 13, 462, 1678, 518, 19661, 2792, 29889, 27681, 18521, 29892, 28330, 2792, 29889, 23711, 6181, 29928, 29962, 4961, 467, 2798, 580, 13, 13, 4706, 736, 443, 465, 12961, 29918, 20673, 1405, 29871, 29900, 13, 13, 1678, 822, 679, 29918, 16175, 29898, 1311, 29892, 10823, 1125, 13, 4706, 396, 16032, 1244, 2012, 310, 472, 278, 2246, 310, 278, 934, 304, 4772, 19308, 1053, 13, 4706, 515, 11451, 29888, 2817, 29889, 9794, 29889, 14748, 1053, 28330, 13, 13, 4706, 9595, 29918, 1972, 353, 9330, 29889, 1972, 29889, 4572, 29898, 13, 9651, 9330, 29889, 9057, 1275, 1583, 29892, 13, 9651, 3695, 5398, 29889, 26061, 29918, 262, 29918, 351, 1237, 29889, 1384, 29898, 333, 29922, 14748, 29889, 333, 511, 13, 9651, 470, 23538, 5398, 29889, 3859, 1275, 6213, 29892, 13, 18884, 3695, 5398, 29889, 3859, 29889, 262, 29918, 4197, 5531, 2792, 29889, 29928, 12413, 29892, 5244, 2792, 29889, 4519, 29902, 20566, 2314, 511, 13, 9651, 470, 23538, 5398, 29889, 14748, 1275, 6213, 29892, 13, 18884, 9330, 29889, 14748, 29889, 5349, 29898, 19661, 29889, 3859, 29889, 262, 23538, 13, 462, 1678, 518, 19661, 2792, 29889, 27681, 18521, 29892, 28330, 2792, 29889, 23711, 6181, 29928, 29962, 4961, 467, 29905, 13, 462, 4706, 1797, 29918, 1609, 703, 2557, 12066, 29892, 25900, 12066, 1159, 13, 13, 4706, 9853, 353, 5159, 13, 4706, 363, 3414, 297, 9595, 29918, 1972, 29901, 13, 9651, 565, 313, 2435, 29898, 16175, 29897, 529, 1583, 29889, 16175, 322, 13, 18884, 7431, 29898, 16175, 29897, 529, 313, 1311, 29889, 9057, 1853, 29918, 3259, 29889, 3317, 29918, 16175, 470, 4236, 2311, 29897, 322, 13, 18884, 313, 1333, 1583, 29889, 9057, 1853, 29918, 3259, 29889, 16175, 29918, 1285, 5526, 681, 470, 13, 462, 313, 2435, 29898, 16175, 29897, 1275, 29871, 29900, 470, 13, 462, 29871, 9853, 14352, 29896, 1822, 2557, 718, 1583, 29889, 1609, 1275, 3414, 29889, 2557, 876, 1125, 13, 18884, 9853, 29889, 4397, 29898, 7662, 29897, 13, 13, 4706, 736, 9853, 13, 13, 1678, 822, 10551, 29918, 2557, 29918, 3881, 29898, 1311, 29892, 1369, 29892, 1095, 29892, 491, 1125, 13, 4706, 396, 1334, 505, 304, 1053, 445, 1623, 1244, 2012, 310, 472, 278, 2246, 304, 2867, 263, 13, 4706, 396, 19308, 10609, 1546, 278, 10585, 13, 4706, 515, 11451, 29888, 2817, 29889, 816, 14952, 29889, 20673, 1053, 5217, 29918, 7662, 13, 13, 4706, 565, 1095, 529, 1369, 29901, 13, 9651, 12020, 7865, 2392, 703, 29952, 355, 29952, 1818, 367, 7621, 1135, 470, 5186, 304, 421, 2962, 29952, 1159, 13, 13, 4706, 1583, 29889, 1609, 353, 491, 13, 13, 4706, 3734, 29918, 19935, 353, 5159, 13, 4706, 1857, 29918, 2557, 353, 1369, 13, 4706, 1550, 1857, 29918, 2557, 5277, 1095, 29901, 13, 9651, 3734, 29918, 19935, 29889, 4397, 29898, 3784, 29918, 2557, 29897, 13, 9651, 1857, 29918, 2557, 4619, 491, 13, 13, 4706, 5923, 29918, 20673, 353, 9330, 29889, 1972, 29889, 4572, 29918, 1609, 29898, 9057, 29922, 1311, 467, 497, 580, 13, 4706, 16608, 29918, 517, 29918, 3258, 353, 3734, 29918, 19935, 13, 4706, 954, 29918, 11600, 353, 29871, 29900, 13, 4706, 363, 3414, 297, 5923, 29918, 20673, 29901, 13, 9651, 565, 3414, 29889, 2557, 451, 297, 3734, 29918, 19935, 29901, 13, 18884, 5217, 29918, 7662, 29889, 18829, 29898, 7662, 29889, 333, 29897, 13, 9651, 1683, 29901, 13, 18884, 16608, 29918, 517, 29918, 3258, 29889, 5992, 29898, 7662, 29889, 2557, 29897, 13, 13, 4706, 363, 3515, 297, 16608, 29918, 517, 29918, 3258, 29901, 13, 9651, 565, 1583, 29889, 1949, 29918, 1376, 267, 29901, 13, 18884, 363, 25900, 297, 3464, 23538, 1311, 29889, 1949, 29918, 1376, 267, 448, 29871, 29896, 1125, 13, 462, 1678, 954, 29918, 11600, 4619, 29871, 29896, 13, 462, 1678, 3414, 353, 9330, 580, 13, 462, 1678, 3414, 29889, 9057, 353, 1583, 13, 462, 1678, 3414, 29889, 2557, 353, 3515, 13, 462, 1678, 3414, 29889, 29873, 488, 353, 25900, 13, 462, 1678, 3414, 29889, 29886, 21766, 353, 1583, 29889, 29886, 21766, 13, 462, 1678, 4833, 29889, 7924, 29889, 1202, 29898, 7662, 29897, 13, 9651, 1683, 29901, 13, 18884, 954, 29918, 11600, 4619, 29871, 29896, 13, 18884, 3414, 353, 9330, 580, 13, 18884, 3414, 29889, 9057, 353, 1583, 13, 18884, 3414, 29889, 2557, 353, 3515, 13, 18884, 3414, 29889, 29886, 21766, 353, 1583, 29889, 29886, 21766, 13, 18884, 4833, 29889, 7924, 29889, 1202, 29898, 7662, 29897, 13, 13, 4706, 565, 16608, 29918, 517, 29918, 3258, 29901, 13, 9651, 565, 1583, 29889, 3859, 2804, 5244, 2792, 29889, 29934, 3904, 29940, 4214, 29901, 13, 18884, 1583, 29889, 3859, 353, 6213, 13, 13, 4706, 565, 2295, 29889, 657, 703, 12007, 29918, 6112, 6765, 29908, 1125, 13, 9651, 3414, 29918, 3696, 29918, 2798, 353, 9330, 2624, 3981, 29898, 1949, 29918, 1482, 29922, 1949, 29918, 11600, 29892, 13, 462, 462, 795, 4982, 29918, 9990, 29918, 333, 29922, 1311, 29889, 9057, 29918, 9990, 29918, 333, 29897, 13, 9651, 3414, 29918, 3696, 29918, 2798, 29889, 2230, 29918, 2962, 353, 12865, 29889, 329, 29883, 3707, 580, 13, 9651, 3414, 29918, 3696, 29918, 2798, 29889, 2230, 29918, 355, 353, 12865, 29889, 329, 29883, 3707, 580, 13, 9651, 4833, 29889, 7924, 29889, 1202, 29898, 7662, 29918, 3696, 29918, 2798, 29897, 13, 13, 1678, 822, 364, 261, 348, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 341, 6926, 445, 4982, 364, 261, 348, 599, 967, 3414, 29889, 29871, 9330, 29879, 393, 526, 5279, 2734, 526, 13, 4706, 2175, 443, 16747, 287, 29889, 13, 4706, 9995, 13, 4706, 954, 29918, 5060, 442, 287, 353, 29871, 29900, 13, 4706, 363, 3414, 297, 1583, 29889, 20673, 29901, 13, 9651, 565, 3414, 29889, 3859, 2804, 903, 5531, 2792, 29889, 29934, 3904, 29940, 4214, 322, 3414, 29889, 3859, 338, 451, 6213, 29901, 13, 18884, 3414, 29889, 3859, 353, 6213, 13, 18884, 3414, 29889, 14748, 353, 6213, 13, 18884, 3414, 29889, 14057, 1973, 353, 29871, 29900, 13, 18884, 4833, 29889, 7924, 29889, 1202, 29898, 7662, 29897, 13, 18884, 954, 29918, 5060, 442, 287, 4619, 29871, 29896, 13, 13, 4706, 1583, 29889, 5729, 12757, 29918, 25140, 29918, 18616, 353, 7700, 13, 4706, 1583, 29889, 5504, 29918, 3859, 580, 13, 4706, 4833, 29889, 7924, 29889, 1202, 29898, 1311, 29897, 13, 13, 4706, 565, 2295, 29889, 657, 703, 12007, 29918, 6112, 6765, 29908, 1125, 13, 9651, 3414, 29918, 3696, 29918, 2798, 353, 9330, 2624, 3981, 29898, 9057, 29918, 9990, 29918, 333, 29922, 1311, 29889, 9057, 29918, 9990, 29918, 333, 29892, 13, 462, 462, 795, 954, 29918, 5060, 442, 287, 29922, 1949, 29918, 5060, 442, 287, 29897, 13, 9651, 3414, 29918, 3696, 29918, 2798, 29889, 2230, 29918, 2962, 353, 12865, 29889, 329, 29883, 3707, 580, 13, 9651, 3414, 29918, 3696, 29918, 2798, 29889, 2230, 29918, 355, 353, 12865, 29889, 329, 29883, 3707, 580, 13, 9651, 4833, 29889, 7924, 29889, 1202, 29898, 7662, 29918, 3696, 29918, 2798, 29897, 13, 9651, 4833, 29889, 7924, 29889, 15060, 580, 13, 13, 4706, 363, 2278, 297, 1583, 29889, 11991, 29901, 13, 9651, 2278, 29889, 2872, 348, 580, 13, 13, 1678, 822, 364, 261, 348, 29918, 26061, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 341, 6926, 445, 4982, 364, 261, 348, 599, 967, 5229, 9595, 29889, 29871, 9330, 29879, 393, 526, 2309, 470, 526, 13, 4706, 5279, 2734, 526, 2175, 443, 16747, 287, 13, 4706, 9995, 13, 4706, 954, 29918, 5060, 442, 287, 353, 29871, 29900, 13, 4706, 363, 3414, 297, 1583, 29889, 20673, 29901, 13, 9651, 565, 3414, 29889, 3859, 1275, 903, 5531, 2792, 29889, 4519, 29902, 20566, 29901, 13, 18884, 3414, 29889, 3859, 353, 6213, 13, 18884, 3414, 29889, 14748, 353, 6213, 13, 18884, 3414, 29889, 14057, 1973, 353, 29871, 29900, 13, 18884, 4833, 29889, 7924, 29889, 1202, 29898, 7662, 29897, 13, 18884, 954, 29918, 5060, 442, 287, 4619, 29871, 29896, 13, 13, 4706, 1583, 29889, 5729, 12757, 29918, 25140, 29918, 18616, 353, 7700, 13, 4706, 1583, 29889, 5504, 29918, 3859, 580, 13, 4706, 4833, 29889, 7924, 29889, 1202, 29898, 1311, 29897, 13, 13, 13, 4706, 565, 2295, 29889, 657, 703, 12007, 29918, 6112, 6765, 29908, 1125, 13, 9651, 3414, 29918, 3696, 29918, 2798, 353, 9330, 2624, 3981, 29898, 9057, 29918, 9990, 29918, 333, 29922, 1311, 29889, 9057, 29918, 9990, 29918, 333, 29892, 13, 462, 462, 795, 954, 29918, 5060, 442, 287, 29922, 1949, 29918, 5060, 442, 287, 29897, 13, 9651, 3414, 29918, 3696, 29918, 2798, 29889, 2230, 29918, 2962, 353, 12865, 29889, 329, 29883, 3707, 580, 13, 9651, 3414, 29918, 3696, 29918, 2798, 29889, 2230, 29918, 355, 353, 12865, 29889, 329, 29883, 3707, 580, 13, 9651, 4833, 29889, 7924, 29889, 15060, 580, 13, 13, 4706, 363, 2278, 297, 1583, 29889, 11991, 29901, 13, 9651, 2278, 29889, 2872, 348, 29918, 26061, 580, 13, 13, 1678, 732, 3084, 1078, 703, 2572, 613, 376, 6814, 375, 1159, 13, 1678, 822, 12725, 29918, 10314, 29898, 1311, 29892, 1820, 29892, 995, 1125, 13, 4706, 9995, 13, 4706, 15758, 362, 393, 5662, 1973, 393, 278, 995, 4944, 363, 2845, 13, 4706, 584, 5552, 29901, 1412, 2572, 29952, 470, 584, 5552, 29901, 1412, 6814, 375, 29952, 338, 263, 2854, 995, 411, 263, 2183, 3464, 13, 4706, 9995, 13, 4706, 4974, 338, 8758, 29898, 1767, 29892, 938, 511, 11860, 29879, 1818, 367, 385, 6043, 29908, 1273, 1820, 13, 4706, 1375, 29918, 1767, 353, 2295, 29889, 657, 703, 14748, 29918, 1195, 29918, 29995, 29879, 29908, 1273, 1820, 29897, 13, 4706, 4236, 29918, 1767, 353, 2295, 29889, 657, 703, 14748, 29918, 3317, 29918, 29995, 29879, 29908, 1273, 1820, 29897, 13, 13, 4706, 396, 1423, 278, 4944, 1881, 13, 4706, 565, 1375, 29918, 1767, 1405, 995, 470, 995, 1405, 4236, 29918, 1767, 29901, 13, 9651, 10191, 353, 376, 1767, 363, 22570, 29879, 29952, 1818, 367, 1546, 376, 1273, 1820, 13, 9651, 10191, 4619, 11860, 29879, 322, 1273, 29879, 29908, 1273, 313, 1195, 29918, 1767, 29892, 4236, 29918, 1767, 29897, 13, 9651, 12020, 7865, 2392, 29898, 7645, 29897, 13, 13, 4706, 736, 995, 13, 13, 1678, 732, 3084, 1078, 703, 18035, 1159, 13, 1678, 822, 12725, 29918, 18035, 29898, 1311, 29892, 1820, 29892, 995, 1125, 13, 4706, 565, 995, 529, 29871, 29900, 29889, 29900, 470, 995, 1405, 29871, 29896, 29889, 29900, 29901, 13, 9651, 12020, 7865, 2392, 703, 14470, 1818, 367, 1546, 29871, 29900, 29889, 29900, 322, 29871, 29896, 29889, 29900, 1159, 13, 13, 3696, 29889, 20631, 29898, 11947, 29889, 3859, 29892, 376, 842, 613, 17163, 29889, 3859, 29918, 15033, 29897, 13, 2 ]
tests/processors.py
rysdyk/avocado
0
124603
<reponame>rysdyk/avocado from avocado.models import DataContext from avocado.query.pipeline import QueryProcessor class ManagerQueryProcessor(QueryProcessor): def __init__(self, *args, **kwargs): kwargs['context'] = DataContext(json={ 'field': 'tests.employee.is_manager', 'operator': 'exact', 'value': True, }) super(ManagerQueryProcessor, self).__init__(*args, **kwargs)
[ 1, 529, 276, 1112, 420, 29958, 18450, 4518, 29895, 29914, 485, 542, 912, 13, 3166, 1029, 542, 912, 29889, 9794, 1053, 3630, 2677, 13, 3166, 1029, 542, 912, 29889, 1972, 29889, 13096, 5570, 1053, 13641, 18689, 13, 13, 13, 1990, 15629, 3010, 18689, 29898, 3010, 18689, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 9049, 5085, 1839, 4703, 2033, 353, 3630, 2677, 29898, 3126, 3790, 13, 9651, 525, 2671, 2396, 525, 21150, 29889, 26143, 29889, 275, 29918, 12847, 742, 13, 9651, 525, 6891, 2396, 525, 735, 627, 742, 13, 9651, 525, 1767, 2396, 5852, 29892, 13, 4706, 5615, 13, 13, 4706, 2428, 29898, 3260, 3010, 18689, 29892, 1583, 467, 1649, 2344, 1649, 10456, 5085, 29892, 3579, 19290, 29897, 13, 2 ]
formatting.py
yvesdubief/biofeedback
0
184986
%matplotlib inline # plots graphs within the notebook %config InlineBackend.figure_format='svg' # not sure what this does, may be default images to svg format from IPython.display import display,Image, Latex from __future__ import division from sympy.interactive import printing printing.init_printing(use_latex='mathjax') from IPython.display import clear_output import time from IPython.display import display,Image, Latex from IPython.display import clear_output class PDF(object): def __init__(self, pdf, size=(200,200)): self.pdf = pdf self.size = size def _repr_html_(self): return '<iframe src={0} width={1[0]} height={1[1]}></iframe>'.format(self.pdf, self.size) def _repr_latex_(self): return r'\includegraphics[width=1.0\textwidth]{{{0}}}'.format(self.pdf) class ListTable(list): """ Overridden list class which takes a 2-dimensional list of the form [[1,2,3],[4,5,6]], and renders an HTML Table in IPython Notebook. """ def _repr_html_(self): html = ["<table>"] for row in self: html.append("<tr>") for col in row: html.append("<td>{0}</td>".format(col)) html.append("</tr>") html.append("</table>") return ''.join(html) font = {'family' : 'serif', #'color' : 'black', 'weight' : 'normal', 'size' : 16, } fontlabel = {'family' : 'serif', #'color' : 'black', 'weight' : 'normal', 'size' : 16, } from matplotlib.ticker import FormatStrFormatter plt.rc('font', **font)
[ 1, 1273, 2922, 17357, 10583, 29871, 13, 29937, 24580, 18445, 2629, 278, 451, 19273, 13, 29995, 2917, 512, 1220, 5841, 355, 29889, 4532, 29918, 4830, 2433, 15120, 29915, 396, 451, 1854, 825, 445, 947, 29892, 1122, 367, 2322, 4558, 304, 25773, 3402, 13, 13, 3166, 5641, 1656, 29889, 4990, 1053, 2479, 29892, 2940, 29892, 23089, 29916, 13, 3166, 4770, 29888, 9130, 1649, 1053, 8542, 13, 3166, 5016, 2272, 29889, 1639, 4925, 1053, 14010, 13, 2158, 292, 29889, 2344, 29918, 2158, 292, 29898, 1509, 29918, 25694, 2433, 755, 6487, 1495, 13, 3166, 5641, 1656, 29889, 4990, 1053, 2821, 29918, 4905, 13, 13, 5215, 931, 13, 13, 3166, 5641, 1656, 29889, 4990, 1053, 2479, 29892, 2940, 29892, 23089, 29916, 13, 13, 3166, 5641, 1656, 29889, 4990, 1053, 2821, 29918, 4905, 13, 13, 1990, 11328, 29898, 3318, 1125, 13, 29871, 822, 4770, 2344, 12035, 1311, 29892, 13552, 29892, 2159, 7607, 29906, 29900, 29900, 29892, 29906, 29900, 29900, 22164, 13, 1678, 1583, 29889, 5140, 353, 13552, 13, 1678, 1583, 29889, 2311, 353, 2159, 13, 13, 29871, 822, 903, 276, 558, 29918, 1420, 23538, 1311, 1125, 13, 1678, 736, 12801, 22000, 4765, 3790, 29900, 29913, 2920, 3790, 29896, 29961, 29900, 12258, 3171, 3790, 29896, 29961, 29896, 12258, 2565, 22000, 29958, 4286, 4830, 29898, 1311, 29889, 5140, 29892, 1583, 29889, 2311, 29897, 13, 13, 29871, 822, 903, 276, 558, 29918, 25694, 23538, 1311, 1125, 13, 1678, 736, 364, 12764, 7313, 29961, 2103, 29922, 29896, 29889, 29900, 29905, 11434, 3199, 6224, 29900, 12499, 4286, 4830, 29898, 1311, 29889, 5140, 29897, 13, 13, 1990, 2391, 3562, 29898, 1761, 1125, 13, 1678, 9995, 6811, 2429, 1145, 1051, 770, 607, 4893, 263, 29871, 29906, 29899, 12531, 1051, 310, 29871, 13, 4706, 278, 883, 5519, 29896, 29892, 29906, 29892, 29941, 16272, 29946, 29892, 29945, 29892, 29953, 20526, 322, 7697, 414, 385, 4544, 6137, 297, 29871, 13, 4706, 5641, 1656, 2216, 19273, 29889, 9995, 13, 268, 13, 1678, 822, 903, 276, 558, 29918, 1420, 23538, 1311, 1125, 13, 4706, 3472, 353, 6796, 29966, 2371, 29958, 3108, 13, 4706, 363, 1948, 297, 1583, 29901, 13, 9651, 3472, 29889, 4397, 28945, 509, 29958, 1159, 13, 632, 13, 9651, 363, 784, 297, 1948, 29901, 13, 18884, 3472, 29889, 4397, 28945, 1594, 26208, 29900, 16040, 1594, 29958, 1642, 4830, 29898, 1054, 876, 13, 632, 13, 9651, 3472, 29889, 4397, 703, 829, 509, 29958, 1159, 13, 4706, 3472, 29889, 4397, 703, 829, 2371, 29958, 1159, 13, 4706, 736, 525, 4286, 7122, 29898, 1420, 29897, 13, 268, 13, 5657, 353, 11117, 11922, 29915, 584, 525, 643, 361, 742, 13, 4706, 396, 29915, 2780, 29915, 29871, 584, 525, 8517, 742, 13, 4706, 525, 7915, 29915, 584, 525, 8945, 742, 13, 4706, 525, 2311, 29915, 259, 584, 29871, 29896, 29953, 29892, 13, 4706, 500, 13, 5657, 1643, 353, 11117, 11922, 29915, 584, 525, 643, 361, 742, 13, 4706, 396, 29915, 2780, 29915, 29871, 584, 525, 8517, 742, 13, 4706, 525, 7915, 29915, 584, 525, 8945, 742, 13, 4706, 525, 2311, 29915, 259, 584, 29871, 29896, 29953, 29892, 13, 4706, 500, 13, 13, 3166, 22889, 29889, 29873, 6541, 1053, 19191, 5015, 18522, 13, 572, 29873, 29889, 2214, 877, 5657, 742, 3579, 5657, 29897, 13, 2 ]
jenkins_job_wrecker/__init__.py
chenhuahuan/jenkins-job-wrecker
210
141507
__version__ = '1.7.1'
[ 1, 4770, 3259, 1649, 353, 525, 29896, 29889, 29955, 29889, 29896, 29915, 13, 2 ]
python/dgllife/model/pretrain/__init__.py
VIGNESHinZONE/dgl-lifesci
0
15229
# -*- coding: utf-8 -*- # # Copyright Amazon.com, Inc. or its affiliates. All Rights Reserved. # SPDX-License-Identifier: Apache-2.0 # # pylint: disable= no-member, arguments-differ, invalid-name # # Utilities for using pre-trained models. import torch from dgl.data.utils import _get_dgl_url, download from .moleculenet import * from .generative_models import * from .property_prediction import * from .reaction import * __all__ = ['load_pretrained'] url = {**moleculenet_url, **generative_url, **property_url, **reaction_url} def download_and_load_checkpoint(model_name, model, model_postfix, local_pretrained_path='pre_trained.pth', log=True): """Download pretrained model checkpoint The model will be loaded to CPU. Parameters ---------- model_name : str Name of the model model : nn.Module Instantiated model instance model_postfix : str Postfix for pretrained model checkpoint local_pretrained_path : str Local name for the downloaded model checkpoint log : bool Whether to print progress for model loading Returns ------- model : nn.Module Pretrained model """ url_to_pretrained = _get_dgl_url(model_postfix) local_pretrained_path = '_'.join([model_name, local_pretrained_path]) download(url_to_pretrained, path=local_pretrained_path, log=log) checkpoint = torch.load(local_pretrained_path, map_location='cpu') model.load_state_dict(checkpoint['model_state_dict']) if log: print('Pretrained model loaded') return model # pylint: disable=I1101 def load_pretrained(model_name, log=True): """Load a pretrained model Parameters ---------- model_name : str Currently supported options include * ``'GCN_Tox21'``: A GCN-based model for molecular property prediction on Tox21 * ``'GAT_Tox21'``: A GAT-based model for molecular property prediction on Tox21 * ``'Weave_Tox21'``: A Weave model for molecular property prediction on Tox21 * ``'AttentiveFP_Aromaticity'``: An AttentiveFP model for predicting number of aromatic atoms on a subset of Pubmed * ``'DGMG_ChEMBL_canonical'``: A DGMG model trained on ChEMBL with a canonical atom order * ``'DGMG_ChEMBL_random'``: A DGMG model trained on ChEMBL for molecule generation with a random atom order * ``'DGMG_ZINC_canonical'``: A DGMG model trained on ZINC for molecule generation with a canonical atom order * ``'DGMG_ZINC_random'``: A DGMG model pre-trained on ZINC for molecule generation with a random atom order * ``'JTNN_ZINC'``: A JTNN model pre-trained on ZINC for molecule generation * ``'wln_center_uspto'``: A WLN model pre-trained on USPTO for reaction prediction * ``'wln_rank_uspto'``: A WLN model pre-trained on USPTO for candidate product ranking * ``'gin_supervised_contextpred'``: A GIN model pre-trained with supervised learning and context prediction * ``'gin_supervised_infomax'``: A GIN model pre-trained with supervised learning and deep graph infomax * ``'gin_supervised_edgepred'``: A GIN model pre-trained with supervised learning and edge prediction * ``'gin_supervised_masking'``: A GIN model pre-trained with supervised learning and attribute masking * ``'GCN_canonical_BACE'``: A GCN model trained on BACE with canonical featurization for atoms * ``'GCN_attentivefp_BACE'``: A GCN model trained on BACE with attentivefp featurization for atoms * ``'GAT_canonical_BACE'``: A GAT model trained on BACE with canonical featurization for atoms * ``'GAT_attentivefp_BACE'``: A GAT model trained on BACE with attentivefp featurization for atoms * ``'Weave_canonical_BACE'``: A Weave model trained on BACE with canonical featurization for atoms and bonds * ``'Weave_attentivefp_BACE'``: A Weave model trained on BACE with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_BACE'``: An MPNN model trained on BACE with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_BACE'``: An MPNN model trained on BACE with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_BACE'``: An AttentiveFP model trained on BACE with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_BACE'``: An AttentiveFP model trained on BACE with attentivefp featurization for atoms and bonds * ``'gin_supervised_contextpred_BACE'``: A GIN model pre-trained with supervised learning and context prediction, and fine-tuned on BACE * ``'gin_supervised_infomax_BACE'``: A GIN model pre-trained with supervised learning and infomax, and fine-tuned on BACE * ``'gin_supervised_edgepred_BACE'``: A GIN model pre-trained with supervised learning and edge prediction, and fine-tuned on BACE * ``'gin_supervised_masking_BACE'``: A GIN model pre-trained with supervised learning and masking, and fine-tuned on BACE * ``'NF_canonical_BACE'``: An NF model trained on BACE with canonical featurization for atoms * ``'GCN_canonical_BBBP'``: A GCN model trained on BBBP with canonical featurization for atoms * ``'GCN_attentivefp_BBBP'``: A GCN model trained on BBBP with attentivefp featurization for atoms * ``'GAT_canonical_BBBP'``: A GAT model trained on BBBP with canonical featurization for atoms * ``'GAT_attentivefp_BBBP'``: A GAT model trained on BBBP with attentivefp featurization for atoms * ``'Weave_canonical_BBBP'``: A Weave model trained on BBBP with canonical featurization for atoms and bonds * ``'Weave_attentivefp_BBBP'``: A Weave model trained on BBBP with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_BBBP'``: An MPNN model trained on BBBP with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_BBBP'``: An MPNN model trained on BBBP with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_BBBP'``: An AttentiveFP model trained on BBBP with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_BBBP'``: An AttentiveFP model trained on BBBP with attentivefp featurization for atoms and bonds * ``'gin_supervised_contextpred_BBBP'``: A GIN model pre-trained with supervised learning and context prediction, and fine-tuned on BBBP * ``'gin_supervised_infomax_BBBP'``: A GIN model pre-trained with supervised learning and infomax, and fine-tuned on BBBP * ``'gin_supervised_edgepred_BBBP'``: A GIN model pre-trained with supervised learning and edge prediction, and fine-tuned on BBBP * ``'gin_supervised_masking_BBBP'``: A GIN model pre-trained with supervised learning and masking, and fine-tuned on BBBP * ``'NF_canonical_BBBP'``: An NF model pre-trained on BBBP with canonical featurization for atoms * ``'GCN_canonical_ClinTox'``: A GCN model trained on ClinTox with canonical featurization for atoms * ``'GCN_attentivefp_ClinTox'``: A GCN model trained on ClinTox with attentivefp featurization for atoms * ``'GAT_canonical_ClinTox'``: A GAT model trained on ClinTox with canonical featurization for atoms * ``'GAT_attentivefp_ClinTox'``: A GAT model trained on ClinTox with attentivefp featurization for atoms * ``'Weave_canonical_ClinTox'``: A Weave model trained on ClinTox with canonical featurization for atoms and bonds * ``'Weave_attentivefp_ClinTox'``: A Weave model trained on ClinTox with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_ClinTox'``: An MPNN model trained on ClinTox with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_ClinTox'``: An MPNN model trained on ClinTox with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_ClinTox'``: An AttentiveFP model trained on ClinTox with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_BACE'``: An AttentiveFP model trained on ClinTox with attentivefp featurization for atoms and bonds * ``'GCN_canonical_ESOL'``: A GCN model trained on ESOL with canonical featurization for atoms * ``'GCN_attentivefp_ESOL'``: A GCN model trained on ESOL with attentivefp featurization for atoms * ``'GAT_canonical_ESOL'``: A GAT model trained on ESOL with canonical featurization for atoms * ``'GAT_attentivefp_ESOL'``: A GAT model trained on ESOL with attentivefp featurization for atoms * ``'Weave_canonical_ESOL'``: A Weave model trained on ESOL with canonical featurization for atoms and bonds * ``'Weave_attentivefp_ESOL'``: A Weave model trained on ESOL with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_ESOL'``: An MPNN model trained on ESOL with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_ESOL'``: An MPNN model trained on ESOL with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_ESOL'``: An AttentiveFP model trained on ESOL with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_ESOL'``: An AttentiveFP model trained on ESOL with attentivefp featurization for atoms and bonds * ``'gin_supervised_contextpred_ESOL'``: A GIN model pre-trained with supervised learning and context prediction, and fine-tuned on ESOL * ``'gin_supervised_infomax_ESOL'``: A GIN model pre-trained with supervised learning and infomax, and fine-tuned on ESOL * ``'gin_supervised_edgepred_ESOL'``: A GIN model pre-trained with supervised learning and edge prediction, and fine-tuned on ESOL * ``'gin_supervised_masking_ESOL'``: A GIN model pre-trained with supervised learning and masking, and fine-tuned on ESOL * ``'GCN_canonical_FreeSolv'``: A GCN model trained on FreeSolv with canonical featurization for atoms * ``'GCN_attentivefp_FreeSolv'``: A GCN model trained on FreeSolv with attentivefp featurization for atoms * ``'GAT_canonical_FreeSolv'``: A GAT model trained on FreeSolv with canonical featurization for atoms * ``'GAT_attentivefp_FreeSolv'``: A GAT model trained on FreeSolv with attentivefp featurization for atoms * ``'Weave_canonical_FreeSolv'``: A Weave model trained on FreeSolv with canonical featurization for atoms and bonds * ``'Weave_attentivefp_FreeSolv'``: A Weave model trained on FreeSolv with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_FreeSolv'``: An MPNN model trained on FreeSolv with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_FreeSolv'``: An MPNN model trained on FreeSolv with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_FreeSolv'``: An AttentiveFP model trained on FreeSolv with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_FreeSolv'``: An AttentiveFP model trained on FreeSolv with attentivefp featurization for atoms and bonds * ``'gin_supervised_contextpred_FreeSolv'``: A GIN model pre-trained with supervised learning and context prediction, and fine-tuned on FreeSolv * ``'gin_supervised_infomax_FreeSolv'``: A GIN model pre-trained with supervised learning and infomax, and fine-tuned on FreeSolv * ``'gin_supervised_edgepred_FreeSolv'``: A GIN model pre-trained with supervised learning and edge prediction, and fine-tuned on FreeSolv * ``'gin_supervised_masking_FreeSolv'``: A GIN model pre-trained with supervised learning and masking, and fine-tuned on FreeSolv * ``'GCN_canonical_HIV'``: A GCN model trained on HIV with canonical featurization for atoms * ``'GCN_attentivefp_HIV'``: A GCN model trained on HIV with attentivefp featurization for atoms * ``'GAT_canonical_HIV'``: A GAT model trained on BACE with canonical featurization for atoms * ``'GAT_attentivefp_HIV'``: A GAT model trained on BACE with attentivefp featurization for atoms * ``'Weave_canonical_HIV'``: A Weave model trained on HIV with canonical featurization for atoms and bonds * ``'Weave_attentivefp_HIV'``: A Weave model trained on HIV with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_HIV'``: An MPNN model trained on HIV with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_HIV'``: An MPNN model trained on HIV with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_HIV'``: An AttentiveFP model trained on HIV with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_HIV'``: An AttentiveFP model trained on HIV with attentivefp featurization for atoms and bonds * ``'gin_supervised_contextpred_HIV'``: A GIN model pre-trained with supervised learning and context prediction, and fine-tuned on HIV * ``'gin_supervised_infomax_HIV'``: A GIN model pre-trained with supervised learning and infomax, and fine-tuned on HIV * ``'gin_supervised_edgepred_HIV'``: A GIN model pre-trained with supervised learning and edge prediction, and fine-tuned on HIV * ``'gin_supervised_masking_HIV'``: A GIN model pre-trained with supervised learning and masking, and fine-tuned on HIV * ``'NF_canonical_HIV'``: An NF model trained on HIV with canonical featurization for atoms * ``'GCN_canonical_Lipophilicity'``: A GCN model trained on Lipophilicity with canonical featurization for atoms * ``'GCN_attentivefp_Lipophilicity'``: A GCN model trained on Lipophilicity with attentivefp featurization for atoms * ``'GAT_canonical_Lipophilicity'``: A GAT model trained on Lipophilicity with canonical featurization for atoms * ``'GAT_attentivefp_Lipophilicity'``: A GAT model trained on Lipophilicity with attentivefp featurization for atoms * ``'Weave_canonical_Lipophilicity'``: A Weave model trained on Lipophilicity with canonical featurization for atoms and bonds * ``'Weave_attentivefp_Lipophilicity'``: A Weave model trained on Lipophilicity with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_Lipophilicity'``: An MPNN model trained on Lipophilicity with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_Lipophilicity'``: An MPNN model trained on Lipophilicity with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_Lipophilicity'``: An AttentiveFP model trained on Lipophilicity with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_Lipophilicity'``: An AttentiveFP model trained on Lipophilicity with attentivefp featurization for atoms and bonds * ``'gin_supervised_contextpred_Lipophilicity'``: A GIN model pre-trained with supervised learning and context prediction, and fine-tuned on Lipophilicity * ``'gin_supervised_infomax_Lipophilicity'``: A GIN model pre-trained with supervised learning and infomax, and fine-tuned on Lipophilicity * ``'gin_supervised_edgepred_Lipophilicity'``: A GIN model pre-trained with supervised learning and edge prediction, and fine-tuned on Lipophilicity * ``'gin_supervised_masking_Lipophilicity'``: A GIN model pre-trained with supervised learning and masking, and fine-tuned on Lipophilicity * ``'GCN_canonical_MUV'``: A GCN model trained on MUV with canonical featurization for atoms * ``'GCN_attentivefp_MUV'``: A GCN model trained on MUV with attentivefp featurization for atoms * ``'GAT_canonical_MUV'``: A GAT model trained on MUV with canonical featurization for atoms * ``'GAT_attentivefp_MUV'``: A GAT model trained on MUV with attentivefp featurization for atoms * ``'Weave_canonical_MUV'``: A Weave model trained on MUV with canonical featurization for atoms and bonds * ``'Weave_attentivefp_MUV'``: A Weave model trained on MUV with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_MUV'``: An MPNN model trained on MUV with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_MUV'``: An MPNN model trained on MUV with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_MUV'``: An AttentiveFP model trained on MUV with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_MUV'``: An AttentiveFP model trained on MUV with attentivefp featurization for atoms and bonds * ``'gin_supervised_contextpred_MUV'``: A GIN model pre-trained with supervised learning and context prediction, and fine-tuned on MUV * ``'gin_supervised_infomax_MUV'``: A GIN model pre-trained with supervised learning and infomax, and fine-tuned on MUV * ``'gin_supervised_edgepred_MUV'``: A GIN model pre-trained with supervised learning and edge prediction, and fine-tuned on MUV * ``'gin_supervised_masking_MUV'``: A GIN model pre-trained with supervised learning and masking, and fine-tuned on MUV * ``'GCN_canonical_PCBA'``: A GCN model trained on PCBA with canonical featurization for atoms * ``'GCN_attentivefp_PCBA'``: A GCN model trained on PCBA with attentivefp featurization for atoms * ``'GAT_canonical_PCBA'``: A GAT model trained on PCBA with canonical featurization for atoms * ``'GAT_attentivefp_PCBA'``: A GAT model trained on PCBA with attentivefp featurization for atoms * ``'Weave_canonical_PCBA'``: A Weave model trained on PCBA with canonical featurization for atoms and bonds * ``'Weave_attentivefp_PCBA'``: A Weave model trained on PCBA with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_PCBA'``: An MPNN model trained on PCBA with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_PCBA'``: An MPNN model trained on PCBA with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_PCBA'``: An AttentiveFP model trained on PCBA with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_PCBA'``: An AttentiveFP model trained on PCBA with attentivefp featurization for atoms and bonds * ``'GCN_canonical_SIDER'``: A GCN model trained on SIDER with canonical featurization for atoms * ``'GCN_attentivefp_SIDER'``: A GCN model trained on SIDER with attentivefp featurization for atoms * ``'GAT_canonical_SIDER'``: A GAT model trained on SIDER with canonical featurization for atoms * ``'GAT_attentivefp_SIDER'``: A GAT model trained on SIDER with attentivefp featurization for atoms * ``'Weave_canonical_SIDER'``: A Weave model trained on SIDER with canonical featurization for atoms and bonds * ``'Weave_attentivefp_SIDER'``: A Weave model trained on SIDER with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_SIDER'``: An MPNN model trained on SIDER with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_SIDER'``: An MPNN model trained on SIDER with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_SIDER'``: An AttentiveFP model trained on SIDER with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_SIDER'``: An AttentiveFP model trained on SIDER with attentivefp featurization for atoms and bonds * ``'gin_supervised_contextpred_SIDER'``: A GIN model pre-trained with supervised learning and context prediction, and fine-tuned on SIDER * ``'gin_supervised_infomax_SIDER'``: A GIN model pre-trained with supervised learning and infomax, and fine-tuned on SIDER * ``'gin_supervised_edgepred_SIDER'``: A GIN model pre-trained with supervised learning and edge prediction, and fine-tuned on SIDER * ``'gin_supervised_masking_SIDER'``: A GIN model pre-trained with supervised learning and masking, and fine-tuned on SIDER * ``'NF_canonical_SIDER'``: An NF model trained on SIDER with canonical featurization for atoms * ``'GCN_canonical_Tox21'``: A GCN model trained on Tox21 with canonical featurization for atoms * ``'GCN_attentivefp_Tox21'``: A GCN model trained on Tox21 with attentivefp featurization for atoms * ``'GAT_canonical_Tox21'``: A GAT model trained on Tox21 with canonical featurization for atoms * ``'GAT_attentivefp_Tox21'``: A GAT model trained on Tox21 with attentivefp featurization for atoms * ``'Weave_canonical_Tox21'``: A Weave model trained on Tox21 with canonical featurization for atoms and bonds * ``'Weave_attentivefp_Tox21'``: A Weave model trained on Tox21 with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_Tox21'``: An MPNN model trained on Tox21 with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_Tox21'``: An MPNN model trained on Tox21 with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_Tox21'``: An AttentiveFP model trained on Tox21 with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_Tox21'``: An AttentiveFP model trained on Tox21 with attentivefp featurization for atoms and bonds * ``'gin_supervised_contextpred_Tox21'``: A GIN model pre-trained with supervised learning and context prediction, and fine-tuned on Tox21 * ``'gin_supervised_infomax_Tox21'``: A GIN model pre-trained with supervised learning and infomax, and fine-tuned on Tox21 * ``'gin_supervised_edgepred_Tox21'``: A GIN model pre-trained with supervised learning and edge prediction, and fine-tuned on Tox21 * ``'gin_supervised_masking_Tox21'``: A GIN model pre-trained with supervised learning and masking, and fine-tuned on Tox21 * ``'NF_canonical_Tox21'``: An NF model trained on Tox21 with canonical featurization for atoms * ``'GCN_canonical_ToxCast'``: A GCN model trained on ToxCast with canonical featurization for atoms * ``'GCN_attentivefp_ToxCast'``: A GCN model trained on ToxCast with attentivefp featurization for atoms * ``'GAT_canonical_ToxCast'``: A GAT model trained on ToxCast with canonical featurization for atoms * ``'GAT_attentivefp_ToxCast'``: A GAT model trained on ToxCast with attentivefp featurization for atoms * ``'Weave_canonical_ToxCast'``: A Weave model trained on ToxCast with canonical featurization for atoms and bonds * ``'Weave_attentivefp_ToxCast'``: A Weave model trained on ToxCast with attentivefp featurization for atoms and bonds * ``'MPNN_canonical_ToxCast'``: An MPNN model trained on ToxCast with canonical featurization for atoms and bonds * ``'MPNN_attentivefp_ToxCast'``: An MPNN model trained on ToxCast with attentivefp featurization for atoms and bonds * ``'AttentiveFP_canonical_ToxCast'``: An AttentiveFP model trained on ToxCast with canonical featurization for atoms and bonds * ``'AttentiveFP_attentivefp_ToxCast'``: An AttentiveFP model trained on ToxCast with attentivefp featurization for atoms and bonds * ``'gin_supervised_contextpred_ToxCast'``: A GIN model pre-trained with supervised learning and context prediction, and fine-tuned on ToxCast * ``'gin_supervised_infomax_ToxCast'``: A GIN model pre-trained with supervised learning and infomax, and fine-tuned on ToxCast * ``'gin_supervised_edgepred_ToxCast'``: A GIN model pre-trained with supervised learning and edge prediction, and fine-tuned on ToxCast * ``'gin_supervised_masking_ToxCast'``: A GIN model pre-trained with supervised learning and masking, and fine-tuned on ToxCast * ``'NF_canonical_ToxCast'``: An NF model trained on ToxCast with canonical featurization for atoms and bonds log : bool Whether to print progress for model loading Returns ------- model """ if model_name not in url: raise RuntimeError("Cannot find a pretrained model with name {}".format(model_name)) for func in [create_moleculenet_model, create_generative_model, create_property_model, create_reaction_model]: model = func(model_name) if model is not None: break return download_and_load_checkpoint(model_name, model, url[model_name], log=log)
[ 1, 396, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 29937, 13, 29937, 14187, 1266, 16631, 29889, 510, 29892, 9266, 29889, 470, 967, 23736, 1078, 29889, 2178, 26863, 2538, 9841, 29889, 13, 29937, 10937, 29928, 29990, 29899, 29931, 293, 1947, 29899, 12889, 29901, 13380, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 282, 2904, 524, 29901, 11262, 29922, 694, 29899, 14242, 29892, 6273, 29899, 29881, 8349, 29892, 8340, 29899, 978, 13, 29937, 13, 29937, 22310, 1907, 363, 773, 758, 29899, 3018, 1312, 4733, 29889, 13, 13, 5215, 4842, 305, 13, 13, 3166, 270, 3820, 29889, 1272, 29889, 13239, 1053, 903, 657, 29918, 29881, 3820, 29918, 2271, 29892, 5142, 13, 13, 3166, 869, 29885, 1772, 1810, 264, 300, 1053, 334, 13, 3166, 869, 4738, 1230, 29918, 9794, 1053, 334, 13, 3166, 869, 6799, 29918, 11965, 2463, 1053, 334, 13, 3166, 869, 276, 2467, 1053, 334, 13, 13, 1649, 497, 1649, 353, 6024, 1359, 29918, 1457, 3018, 1312, 2033, 13, 13, 2271, 353, 426, 1068, 29885, 1772, 1810, 264, 300, 29918, 2271, 29892, 3579, 4738, 1230, 29918, 2271, 29892, 3579, 6799, 29918, 2271, 29892, 3579, 276, 2467, 29918, 2271, 29913, 13, 13, 1753, 5142, 29918, 392, 29918, 1359, 29918, 3198, 3149, 29898, 4299, 29918, 978, 29892, 1904, 29892, 1904, 29918, 2490, 5878, 29892, 13, 462, 462, 1887, 29918, 1457, 3018, 1312, 29918, 2084, 2433, 1457, 29918, 3018, 1312, 29889, 29886, 386, 742, 1480, 29922, 5574, 1125, 13, 1678, 9995, 22954, 758, 3018, 1312, 1904, 1423, 3149, 13, 13, 1678, 450, 1904, 674, 367, 7500, 304, 10808, 29889, 13, 13, 1678, 12662, 2699, 13, 1678, 448, 1378, 29899, 13, 1678, 1904, 29918, 978, 584, 851, 13, 4706, 4408, 310, 278, 1904, 13, 1678, 1904, 584, 302, 29876, 29889, 7355, 13, 4706, 2799, 3656, 630, 1904, 2777, 13, 1678, 1904, 29918, 2490, 5878, 584, 851, 13, 4706, 4918, 5878, 363, 758, 3018, 1312, 1904, 1423, 3149, 13, 1678, 1887, 29918, 1457, 3018, 1312, 29918, 2084, 584, 851, 13, 4706, 9959, 1024, 363, 278, 16532, 1904, 1423, 3149, 13, 1678, 1480, 584, 6120, 13, 4706, 26460, 304, 1596, 6728, 363, 1904, 8363, 13, 13, 1678, 16969, 13, 1678, 448, 22158, 13, 1678, 1904, 584, 302, 29876, 29889, 7355, 13, 4706, 349, 2267, 22042, 1904, 13, 1678, 9995, 13, 1678, 3142, 29918, 517, 29918, 1457, 3018, 1312, 353, 903, 657, 29918, 29881, 3820, 29918, 2271, 29898, 4299, 29918, 2490, 5878, 29897, 13, 1678, 1887, 29918, 1457, 3018, 1312, 29918, 2084, 353, 22868, 4286, 7122, 4197, 4299, 29918, 978, 29892, 1887, 29918, 1457, 3018, 1312, 29918, 2084, 2314, 13, 1678, 5142, 29898, 2271, 29918, 517, 29918, 1457, 3018, 1312, 29892, 2224, 29922, 2997, 29918, 1457, 3018, 1312, 29918, 2084, 29892, 1480, 29922, 1188, 29897, 13, 1678, 1423, 3149, 353, 4842, 305, 29889, 1359, 29898, 2997, 29918, 1457, 3018, 1312, 29918, 2084, 29892, 2910, 29918, 5479, 2433, 21970, 1495, 13, 1678, 1904, 29889, 1359, 29918, 3859, 29918, 8977, 29898, 3198, 3149, 1839, 4299, 29918, 3859, 29918, 8977, 11287, 13, 13, 1678, 565, 1480, 29901, 13, 4706, 1596, 877, 29925, 2267, 22042, 1904, 7500, 1495, 13, 13, 1678, 736, 1904, 13, 13, 29937, 282, 2904, 524, 29901, 11262, 29922, 29902, 29896, 29896, 29900, 29896, 13, 1753, 2254, 29918, 1457, 3018, 1312, 29898, 4299, 29918, 978, 29892, 1480, 29922, 5574, 1125, 13, 1678, 9995, 5896, 263, 758, 3018, 1312, 1904, 13, 13, 1678, 12662, 2699, 13, 1678, 448, 1378, 29899, 13, 1678, 1904, 29918, 978, 584, 851, 13, 4706, 15447, 6969, 3987, 3160, 13, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 402, 13778, 29899, 6707, 1904, 363, 13206, 16637, 2875, 18988, 373, 1763, 29916, 29906, 29896, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 402, 1299, 29899, 6707, 1904, 363, 13206, 16637, 2875, 18988, 373, 1763, 29916, 29906, 29896, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 1334, 1351, 1904, 363, 13206, 16637, 2875, 18988, 373, 1763, 29916, 29906, 29896, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 29909, 456, 2454, 537, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 363, 8500, 292, 1353, 310, 13, 3986, 263, 456, 2454, 28422, 373, 263, 11306, 310, 8042, 2168, 13, 4706, 334, 4954, 29915, 29928, 21576, 29954, 29918, 1451, 29923, 9486, 29931, 29918, 3068, 265, 936, 11120, 6998, 319, 360, 21576, 29954, 1904, 16370, 373, 678, 29923, 9486, 29931, 411, 263, 24420, 13, 3986, 12301, 1797, 13, 4706, 334, 4954, 29915, 29928, 21576, 29954, 29918, 1451, 29923, 9486, 29931, 29918, 8172, 11120, 6998, 319, 360, 21576, 29954, 1904, 16370, 373, 678, 29923, 9486, 29931, 363, 13206, 29883, 1297, 12623, 13, 3986, 411, 263, 4036, 12301, 1797, 13, 4706, 334, 4954, 29915, 29928, 21576, 29954, 29918, 29999, 1177, 29907, 29918, 3068, 265, 936, 11120, 6998, 319, 360, 21576, 29954, 1904, 16370, 373, 796, 1177, 29907, 363, 13206, 29883, 1297, 12623, 13, 3986, 411, 263, 24420, 12301, 1797, 13, 4706, 334, 4954, 29915, 29928, 21576, 29954, 29918, 29999, 1177, 29907, 29918, 8172, 11120, 6998, 319, 360, 21576, 29954, 1904, 758, 29899, 3018, 1312, 373, 796, 1177, 29907, 363, 13206, 29883, 1297, 12623, 13, 3986, 411, 263, 4036, 12301, 1797, 13, 4706, 334, 4954, 29915, 29967, 29911, 10262, 29918, 29999, 1177, 29907, 11120, 6998, 319, 435, 29911, 10262, 1904, 758, 29899, 3018, 1312, 373, 796, 1177, 29907, 363, 13206, 29883, 1297, 12623, 13, 4706, 334, 4954, 29915, 29893, 3083, 29918, 5064, 29918, 375, 24070, 11120, 6998, 319, 399, 29931, 29940, 1904, 758, 29899, 3018, 1312, 373, 3148, 29925, 4986, 363, 19848, 18988, 13, 4706, 334, 4954, 29915, 29893, 3083, 29918, 10003, 29918, 375, 24070, 11120, 6998, 319, 399, 29931, 29940, 1904, 758, 29899, 3018, 1312, 373, 3148, 29925, 4986, 363, 14020, 3234, 24034, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 4703, 11965, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3030, 18988, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 7192, 290, 1165, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 6483, 3983, 3041, 290, 1165, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 12864, 11965, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 7636, 18988, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 13168, 292, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 5352, 11105, 292, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 29933, 11538, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 350, 11538, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 29933, 11538, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 350, 11538, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 29933, 11538, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 350, 11538, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 29933, 11538, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 350, 11538, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 29933, 11538, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 350, 11538, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 29933, 11538, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 350, 11538, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 29933, 11538, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 350, 11538, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 29933, 11538, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 350, 11538, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 29933, 11538, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 350, 11538, 411, 13, 3986, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 29933, 11538, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 350, 11538, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 4703, 11965, 29918, 29933, 11538, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 13, 3986, 6509, 322, 3030, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 350, 11538, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 7192, 290, 1165, 29918, 29933, 11538, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3041, 290, 1165, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 350, 11538, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 12864, 11965, 29918, 29933, 11538, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 7636, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 350, 11538, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 13168, 292, 29918, 29933, 11538, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 11105, 292, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 350, 11538, 13, 4706, 334, 4954, 29915, 22498, 29918, 3068, 265, 936, 29918, 29933, 11538, 11120, 6998, 530, 405, 29943, 1904, 16370, 373, 350, 11538, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 14388, 29933, 29925, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 350, 14388, 29925, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 14388, 29933, 29925, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 350, 14388, 29925, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 14388, 29933, 29925, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 350, 14388, 29925, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 14388, 29933, 29925, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 350, 14388, 29925, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 14388, 29933, 29925, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 350, 14388, 29925, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 14388, 29933, 29925, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 350, 14388, 29925, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 14388, 29933, 29925, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 350, 14388, 29925, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 14388, 29933, 29925, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 350, 14388, 29925, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 14388, 29933, 29925, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 350, 14388, 29925, 411, 13, 3986, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 14388, 29933, 29925, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 350, 14388, 29925, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 4703, 11965, 29918, 14388, 29933, 29925, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 13, 3986, 6509, 322, 3030, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 350, 14388, 29925, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 7192, 290, 1165, 29918, 14388, 29933, 29925, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3041, 290, 1165, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 350, 14388, 29925, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 12864, 11965, 29918, 14388, 29933, 29925, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 7636, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 350, 14388, 29925, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 13168, 292, 29918, 14388, 29933, 29925, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 11105, 292, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 350, 14388, 29925, 13, 4706, 334, 4954, 29915, 22498, 29918, 3068, 265, 936, 29918, 14388, 29933, 29925, 11120, 6998, 530, 405, 29943, 1904, 758, 29899, 3018, 1312, 373, 350, 14388, 29925, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 29907, 1915, 1762, 29916, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 315, 1915, 1762, 29916, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 29907, 1915, 1762, 29916, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 315, 1915, 1762, 29916, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 29907, 1915, 1762, 29916, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 315, 1915, 1762, 29916, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 29907, 1915, 1762, 29916, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 315, 1915, 1762, 29916, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 29907, 1915, 1762, 29916, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 315, 1915, 1762, 29916, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 29907, 1915, 1762, 29916, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 315, 1915, 1762, 29916, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 29907, 1915, 1762, 29916, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 315, 1915, 1762, 29916, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 29907, 1915, 1762, 29916, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 315, 1915, 1762, 29916, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 29907, 1915, 1762, 29916, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 315, 1915, 1762, 29916, 411, 13, 3986, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 29933, 11538, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 315, 1915, 1762, 29916, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 2890, 5607, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 17956, 5607, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 2890, 5607, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 17956, 5607, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 2890, 5607, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 17956, 5607, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 2890, 5607, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 17956, 5607, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 2890, 5607, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 17956, 5607, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 2890, 5607, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 17956, 5607, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 2890, 5607, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 17956, 5607, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 2890, 5607, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 17956, 5607, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 2890, 5607, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 17956, 5607, 411, 13, 3986, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 2890, 5607, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 17956, 5607, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 4703, 11965, 29918, 2890, 5607, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 13, 3986, 6509, 322, 3030, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 17956, 5607, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 7192, 290, 1165, 29918, 2890, 5607, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3041, 290, 1165, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 17956, 5607, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 12864, 11965, 29918, 2890, 5607, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 7636, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 17956, 5607, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 13168, 292, 29918, 2890, 5607, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 11105, 292, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 17956, 5607, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 20475, 13296, 29894, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 12362, 13296, 29894, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 20475, 13296, 29894, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 12362, 13296, 29894, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 20475, 13296, 29894, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 12362, 13296, 29894, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 20475, 13296, 29894, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 12362, 13296, 29894, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 20475, 13296, 29894, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 12362, 13296, 29894, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 20475, 13296, 29894, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 12362, 13296, 29894, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 20475, 13296, 29894, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 12362, 13296, 29894, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 20475, 13296, 29894, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 12362, 13296, 29894, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 20475, 13296, 29894, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 12362, 13296, 29894, 411, 13, 3986, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 20475, 13296, 29894, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 12362, 13296, 29894, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 4703, 11965, 29918, 20475, 13296, 29894, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 13, 3986, 6509, 322, 3030, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 12362, 13296, 29894, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 7192, 290, 1165, 29918, 20475, 13296, 29894, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3041, 290, 1165, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 12362, 13296, 29894, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 12864, 11965, 29918, 20475, 13296, 29894, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 7636, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 12362, 13296, 29894, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 13168, 292, 29918, 20475, 13296, 29894, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 11105, 292, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 12362, 13296, 29894, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 29950, 5667, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 379, 5667, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 29950, 5667, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 379, 5667, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 29950, 5667, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 350, 11538, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 29950, 5667, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 350, 11538, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 29950, 5667, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 379, 5667, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 29950, 5667, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 379, 5667, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 29950, 5667, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 379, 5667, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 29950, 5667, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 379, 5667, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 29950, 5667, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 379, 5667, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 29950, 5667, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 379, 5667, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 4703, 11965, 29918, 29950, 5667, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3030, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 379, 5667, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 7192, 290, 1165, 29918, 29950, 5667, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3041, 290, 1165, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 379, 5667, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 12864, 11965, 29918, 29950, 5667, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 7636, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 379, 5667, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 13168, 292, 29918, 29950, 5667, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 11105, 292, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 379, 5667, 13, 4706, 334, 4954, 29915, 22498, 29918, 3068, 265, 936, 29918, 29950, 5667, 11120, 6998, 530, 405, 29943, 1904, 16370, 373, 379, 5667, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 28428, 3021, 309, 24798, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 28428, 3021, 309, 24798, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 28428, 3021, 309, 24798, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 28428, 3021, 309, 24798, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 28428, 3021, 309, 24798, 411, 13, 3986, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 28428, 3021, 309, 24798, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 28428, 3021, 309, 24798, 411, 13, 3986, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 28428, 3021, 309, 24798, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 13, 3986, 28428, 3021, 309, 24798, 411, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 13, 3986, 28428, 3021, 309, 24798, 411, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 4703, 11965, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 13, 3986, 6509, 322, 3030, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 28428, 3021, 309, 24798, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 7192, 290, 1165, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 13, 3986, 6509, 322, 3041, 290, 1165, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 28428, 3021, 309, 24798, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 12864, 11965, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 13, 3986, 6509, 322, 7636, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 28428, 3021, 309, 24798, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 13168, 292, 29918, 29931, 666, 3021, 309, 24798, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 13, 3986, 6509, 322, 11105, 292, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 28428, 3021, 309, 24798, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 29924, 29965, 29963, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 341, 29965, 29963, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 29924, 29965, 29963, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 341, 29965, 29963, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 29924, 29965, 29963, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 341, 29965, 29963, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 29924, 29965, 29963, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 341, 29965, 29963, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 29924, 29965, 29963, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 341, 29965, 29963, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 29924, 29965, 29963, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 341, 29965, 29963, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 29924, 29965, 29963, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 341, 29965, 29963, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 29924, 29965, 29963, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 341, 29965, 29963, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 29924, 29965, 29963, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 341, 29965, 29963, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 29924, 29965, 29963, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 341, 29965, 29963, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 4703, 11965, 29918, 29924, 29965, 29963, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3030, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 341, 29965, 29963, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 7192, 290, 1165, 29918, 29924, 29965, 29963, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3041, 290, 1165, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 341, 29965, 29963, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 12864, 11965, 29918, 29924, 29965, 29963, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 7636, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 341, 29965, 29963, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 13168, 292, 29918, 29924, 29965, 29963, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 11105, 292, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 341, 29965, 29963, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 9026, 5688, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 9609, 5688, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 9026, 5688, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 9609, 5688, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 9026, 5688, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 9609, 5688, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 9026, 5688, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 9609, 5688, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 9026, 5688, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 9609, 5688, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 9026, 5688, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 9609, 5688, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 9026, 5688, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 9609, 5688, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 9026, 5688, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 9609, 5688, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 9026, 5688, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 9609, 5688, 411, 13, 3986, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 9026, 5688, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 9609, 5688, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 29903, 1367, 1001, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 317, 1367, 1001, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 29903, 1367, 1001, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 317, 1367, 1001, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 29903, 1367, 1001, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 317, 1367, 1001, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 29903, 1367, 1001, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 317, 1367, 1001, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 29903, 1367, 1001, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 317, 1367, 1001, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 29903, 1367, 1001, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 317, 1367, 1001, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 29903, 1367, 1001, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 317, 1367, 1001, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 29903, 1367, 1001, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 317, 1367, 1001, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 29903, 1367, 1001, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 317, 1367, 1001, 411, 13, 3986, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 29903, 1367, 1001, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 317, 1367, 1001, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 4703, 11965, 29918, 29903, 1367, 1001, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3030, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 317, 1367, 1001, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 7192, 290, 1165, 29918, 29903, 1367, 1001, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3041, 290, 1165, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 317, 1367, 1001, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 12864, 11965, 29918, 29903, 1367, 1001, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 7636, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 317, 1367, 1001, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 13168, 292, 29918, 29903, 1367, 1001, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 11105, 292, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 317, 1367, 1001, 13, 4706, 334, 4954, 29915, 22498, 29918, 3068, 265, 936, 29918, 29903, 1367, 1001, 11120, 6998, 530, 405, 29943, 1904, 16370, 373, 317, 1367, 1001, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 1763, 29916, 29906, 29896, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 1763, 29916, 29906, 29896, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 1763, 29916, 29906, 29896, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 1763, 29916, 29906, 29896, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 1763, 29916, 29906, 29896, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 1763, 29916, 29906, 29896, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 1763, 29916, 29906, 29896, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 1763, 29916, 29906, 29896, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 1763, 29916, 29906, 29896, 411, 13, 3986, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 1763, 29916, 29906, 29896, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 4703, 11965, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 13, 3986, 6509, 322, 3030, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 1763, 29916, 29906, 29896, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 7192, 290, 1165, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3041, 290, 1165, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 1763, 29916, 29906, 29896, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 12864, 11965, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 7636, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 1763, 29916, 29906, 29896, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 13168, 292, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 11105, 292, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 1763, 29916, 29906, 29896, 13, 4706, 334, 4954, 29915, 22498, 29918, 3068, 265, 936, 29918, 1762, 29916, 29906, 29896, 11120, 6998, 530, 405, 29943, 1904, 16370, 373, 1763, 29916, 29906, 29896, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 3068, 265, 936, 29918, 1762, 29916, 15738, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 1763, 29916, 15738, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 8766, 29940, 29918, 1131, 296, 573, 18091, 29918, 1762, 29916, 15738, 11120, 6998, 319, 402, 13778, 1904, 16370, 373, 1763, 29916, 15738, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 3068, 265, 936, 29918, 1762, 29916, 15738, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 1763, 29916, 15738, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 29954, 1299, 29918, 1131, 296, 573, 18091, 29918, 1762, 29916, 15738, 11120, 6998, 319, 402, 1299, 1904, 16370, 373, 1763, 29916, 15738, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 3068, 265, 936, 29918, 1762, 29916, 15738, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 1763, 29916, 15738, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4806, 1351, 29918, 1131, 296, 573, 18091, 29918, 1762, 29916, 15738, 11120, 6998, 319, 1334, 1351, 1904, 16370, 373, 1763, 29916, 15738, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 3068, 265, 936, 29918, 1762, 29916, 15738, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 1763, 29916, 15738, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 3580, 10262, 29918, 1131, 296, 573, 18091, 29918, 1762, 29916, 15738, 11120, 6998, 530, 16379, 10262, 1904, 16370, 373, 1763, 29916, 15738, 411, 1098, 296, 573, 18091, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 3068, 265, 936, 29918, 1762, 29916, 15738, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 1763, 29916, 15738, 411, 13, 3986, 24420, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 4165, 296, 573, 26353, 29918, 1131, 296, 573, 18091, 29918, 1762, 29916, 15738, 11120, 6998, 530, 6212, 296, 573, 26353, 1904, 16370, 373, 1763, 29916, 15738, 411, 13, 3986, 1098, 296, 573, 18091, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 4703, 11965, 29918, 1762, 29916, 15738, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 13, 3986, 6509, 322, 3030, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 1763, 29916, 15738, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 7192, 290, 1165, 29918, 1762, 29916, 15738, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 3041, 290, 1165, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 1763, 29916, 15738, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 12864, 11965, 29918, 1762, 29916, 15738, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 7636, 18988, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 1763, 29916, 15738, 13, 4706, 334, 4954, 29915, 5359, 29918, 9136, 11292, 29918, 13168, 292, 29918, 1762, 29916, 15738, 11120, 6998, 319, 402, 1177, 1904, 758, 29899, 3018, 1312, 411, 2428, 11292, 6509, 13, 3986, 322, 11105, 292, 29892, 322, 2691, 29899, 29873, 348, 287, 373, 1763, 29916, 15738, 13, 4706, 334, 4954, 29915, 22498, 29918, 3068, 265, 936, 29918, 1762, 29916, 15738, 11120, 6998, 530, 405, 29943, 1904, 16370, 373, 1763, 29916, 15738, 411, 24420, 13, 3986, 1238, 1337, 2133, 363, 28422, 322, 289, 13788, 13, 13, 1678, 1480, 584, 6120, 13, 4706, 26460, 304, 1596, 6728, 363, 1904, 8363, 13, 13, 1678, 16969, 13, 1678, 448, 22158, 13, 1678, 1904, 13, 1678, 9995, 13, 1678, 565, 1904, 29918, 978, 451, 297, 3142, 29901, 13, 4706, 12020, 24875, 2392, 703, 29089, 1284, 263, 758, 3018, 1312, 1904, 411, 1024, 6571, 1642, 4830, 29898, 4299, 29918, 978, 876, 13, 13, 1678, 363, 3653, 297, 518, 3258, 29918, 29885, 1772, 1810, 264, 300, 29918, 4299, 29892, 1653, 29918, 4738, 1230, 29918, 4299, 29892, 13, 462, 1653, 29918, 6799, 29918, 4299, 29892, 1653, 29918, 276, 2467, 29918, 4299, 5387, 13, 4706, 1904, 353, 3653, 29898, 4299, 29918, 978, 29897, 13, 4706, 565, 1904, 338, 451, 6213, 29901, 13, 9651, 2867, 13, 13, 1678, 736, 5142, 29918, 392, 29918, 1359, 29918, 3198, 3149, 29898, 4299, 29918, 978, 29892, 1904, 29892, 3142, 29961, 4299, 29918, 978, 1402, 1480, 29922, 1188, 29897, 13, 2 ]
ptmv/snd.py
ryw89/ptmv
0
46975
import os import subprocess import tempfile import time import wave import simpleaudio def extract(file): ptmv_tempdir = os.path.join(tempfile.gettempdir(), "ptmv") if not os.path.exists(ptmv_tempdir): os.makedirs(ptmv_tempdir) snd_file = ptmv_tempdir + str(int(time.time())) + ".wav" command = "ffmpeg -i " + file + " -b:a 48k -ac 1 " + snd_file subprocess.run(command.split(), stdout = subprocess.DEVNULL, stderr = subprocess.DEVNULL) return snd_file def play(file, start_time): if not os.path.exists(file): return wave_raw = wave.open(file) frame_rate = wave_raw.getframerate() wave_raw.setpos(int(frame_rate * start_time)) return simpleaudio.WaveObject.from_wave_read(wave_raw).play() def stop(play_obj): play_obj.stop()
[ 1, 1053, 2897, 13, 5215, 1014, 5014, 13, 5215, 5694, 1445, 13, 5215, 931, 13, 5215, 10742, 13, 5215, 2560, 18494, 13, 13, 1753, 6597, 29898, 1445, 1125, 13, 12, 415, 29324, 29918, 7382, 3972, 353, 2897, 29889, 2084, 29889, 7122, 29898, 7382, 1445, 29889, 657, 7382, 3972, 3285, 376, 415, 29324, 1159, 13, 12, 361, 451, 2897, 29889, 2084, 29889, 9933, 29898, 415, 29324, 29918, 7382, 3972, 1125, 2897, 29889, 29885, 12535, 12935, 29898, 415, 29324, 29918, 7382, 3972, 29897, 13, 12, 29879, 299, 29918, 1445, 353, 282, 18276, 29894, 29918, 7382, 3972, 718, 851, 29898, 524, 29898, 2230, 29889, 2230, 22130, 718, 11393, 29893, 485, 29908, 13, 12, 6519, 353, 376, 600, 20856, 448, 29875, 376, 718, 934, 718, 376, 448, 29890, 29901, 29874, 29871, 29946, 29947, 29895, 448, 562, 29871, 29896, 376, 718, 269, 299, 29918, 1445, 13, 12, 1491, 5014, 29889, 3389, 29898, 6519, 29889, 5451, 3285, 27591, 353, 1014, 5014, 29889, 2287, 29963, 10074, 29892, 380, 20405, 353, 1014, 5014, 29889, 2287, 29963, 10074, 29897, 13, 12, 2457, 269, 299, 29918, 1445, 13, 13, 1753, 1708, 29898, 1445, 29892, 1369, 29918, 2230, 1125, 13, 12, 361, 451, 2897, 29889, 2084, 29889, 9933, 29898, 1445, 1125, 736, 13, 12, 27766, 29918, 1610, 353, 10742, 29889, 3150, 29898, 1445, 29897, 13, 12, 2557, 29918, 10492, 353, 10742, 29918, 1610, 29889, 657, 1341, 4183, 403, 580, 13, 12, 27766, 29918, 1610, 29889, 842, 1066, 29898, 524, 29898, 2557, 29918, 10492, 334, 1369, 29918, 2230, 876, 13, 12, 2457, 2560, 18494, 29889, 29956, 1351, 2061, 29889, 3166, 29918, 27766, 29918, 949, 29898, 27766, 29918, 1610, 467, 1456, 580, 13, 13, 1753, 5040, 29898, 1456, 29918, 5415, 1125, 1708, 29918, 5415, 29889, 9847, 580, 2 ]
wsgi/openshift/manage.py
chiora93/WavelenBlog
0
181173
#!/usr/bin/env python import settings.development as settings import os, sys if __name__ == "__main__": os.environ.setdefault("DJANGO_SETTINGS_MODULE", "settings.development") from django.core.management import execute_from_command_line execute_from_command_line(sys.argv)
[ 1, 18787, 4855, 29914, 2109, 29914, 6272, 3017, 13, 5215, 6055, 29889, 25431, 408, 6055, 13, 5215, 2897, 29892, 10876, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 1678, 2897, 29889, 21813, 29889, 842, 4381, 703, 29928, 29967, 2190, 17080, 29918, 10490, 29911, 4214, 29903, 29918, 6720, 14849, 1307, 613, 376, 11027, 29889, 25431, 1159, 13, 13, 1678, 515, 9557, 29889, 3221, 29889, 21895, 1053, 6222, 29918, 3166, 29918, 6519, 29918, 1220, 13, 13, 1678, 6222, 29918, 3166, 29918, 6519, 29918, 1220, 29898, 9675, 29889, 19218, 29897, 2 ]
Tutorials/10 Days of Statistics/Day 5 - Poisson Distribution I/solution.py
abhinavgunwant/hackerrank-solutions
1
158924
#!/bin/python3 # Calculates factorial def fact(n): f = 1 while n > 0: f *= n n -= 1 return f # Calculates Poisson Distribution def poissonDist(k, l): return (l**k*(2.71828**(-l)))/fact(k) if __name__ == '__main__': x = float(input()) y = float(input()) print(round(poissonDist(y, x), 3))
[ 1, 18787, 2109, 29914, 4691, 29941, 13, 13, 29937, 20535, 1078, 7329, 616, 13, 1753, 2114, 29898, 29876, 1125, 13, 1678, 285, 353, 29871, 29896, 13, 1678, 1550, 302, 1405, 29871, 29900, 29901, 308, 13, 4706, 285, 334, 29922, 302, 13, 4706, 302, 22361, 29871, 29896, 13, 268, 13, 1678, 736, 285, 13, 13, 29937, 20535, 1078, 3929, 17387, 17740, 13, 1753, 772, 17387, 13398, 29898, 29895, 29892, 301, 1125, 13, 1678, 736, 313, 29880, 1068, 29895, 16395, 29906, 29889, 29955, 29896, 29947, 29906, 29947, 1068, 6278, 29880, 4961, 29914, 17028, 29898, 29895, 29897, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 921, 353, 5785, 29898, 2080, 3101, 13, 1678, 343, 353, 5785, 29898, 2080, 3101, 13, 13, 1678, 1596, 29898, 14486, 29898, 1129, 17387, 13398, 29898, 29891, 29892, 921, 511, 29871, 29941, 876, 2 ]
manyfaced/common/arguments.py
Zloool/mlgwebhoneypot
8
1607948
import argparse import sys import settings """ usage: mfh.py [-h] [-c [PORT]] [-s [PORT]] [-u] [-v] Serve some sweet honey to the ubiquitous bots! optional arguments: -h, --help show this help message and exit -c [PORT] port to start a CLIENT on -s [PORT] port to start a SERVER on -u enable self updating -v, --verbose increase output verbosity And that`s how you`d detect a sneaky chinese bot. """ def parse(): parser = argparse.ArgumentParser( description='Serve some sweet honey to the ubiquitous bots!', epilog='And that`s how you`d detect a sneaky chinese bot.', prog='mfh.py', ) parser.add_argument( '-c', const=settings.HONEYPORT, dest='client', help='port to start a CLIENT on', metavar='PORT', nargs='?', type=int, ) parser.add_argument( '-s', const=settings.HIVEPORT, dest='server', help='port to start a SERVER on', metavar='PORT', nargs='?', type=int, ) parser.add_argument( '-u', action='store_true', dest='updater', help='enable self updating', ) parser.add_argument( '-v', '--verbose', action='store_true', help='increase output verbosity', ) parser.add_argument( '-p', '--proxy', action='store_true', help='set this argument if you want to put honeypot behind proxy', ) if len(sys.argv[1:]) == 0: parser.print_usage() parser.exit() return parser.parse_args()
[ 1, 1053, 1852, 5510, 13, 5215, 10876, 13, 13, 5215, 6055, 13, 13, 15945, 29908, 13, 21125, 29901, 286, 29888, 29882, 29889, 2272, 21069, 29882, 29962, 21069, 29883, 518, 15082, 5262, 21069, 29879, 518, 15082, 5262, 21069, 29884, 29962, 21069, 29894, 29962, 13, 13, 1748, 345, 777, 14225, 298, 4992, 304, 278, 318, 5365, 28358, 681, 289, 1862, 29991, 13, 13, 25253, 6273, 29901, 13, 29871, 448, 29882, 29892, 1192, 8477, 268, 1510, 445, 1371, 2643, 322, 6876, 13, 29871, 448, 29883, 518, 15082, 29962, 418, 2011, 304, 1369, 263, 24492, 3919, 373, 13, 29871, 448, 29879, 518, 15082, 29962, 418, 2011, 304, 1369, 263, 26996, 5348, 373, 13, 29871, 448, 29884, 632, 9025, 1583, 13271, 13, 29871, 448, 29894, 29892, 1192, 369, 15828, 29871, 7910, 1962, 9750, 359, 537, 13, 13, 2855, 393, 29952, 29879, 920, 366, 29952, 29881, 6459, 263, 269, 484, 557, 29891, 521, 8233, 9225, 29889, 13, 15945, 29908, 13, 13, 13, 1753, 6088, 7295, 13, 1678, 13812, 353, 1852, 5510, 29889, 15730, 11726, 29898, 13, 4706, 6139, 2433, 1748, 345, 777, 14225, 298, 4992, 304, 278, 318, 5365, 28358, 681, 289, 1862, 29991, 742, 13, 4706, 9358, 26140, 2433, 2855, 393, 29952, 29879, 920, 366, 29952, 29881, 6459, 263, 269, 484, 557, 29891, 521, 8233, 9225, 29889, 742, 13, 4706, 410, 29887, 2433, 29885, 29888, 29882, 29889, 2272, 742, 13, 4706, 1723, 13, 13, 1678, 13812, 29889, 1202, 29918, 23516, 29898, 13, 4706, 17411, 29883, 742, 13, 4706, 1040, 29922, 11027, 29889, 29950, 12413, 29979, 15082, 29892, 13, 4706, 2731, 2433, 4645, 742, 13, 4706, 1371, 2433, 637, 304, 1369, 263, 24492, 3919, 373, 742, 13, 4706, 1539, 485, 279, 2433, 15082, 742, 13, 4706, 302, 5085, 2433, 29973, 742, 13, 4706, 1134, 29922, 524, 29892, 13, 4706, 1723, 13, 13, 1678, 13812, 29889, 1202, 29918, 23516, 29898, 13, 4706, 17411, 29879, 742, 13, 4706, 1040, 29922, 11027, 29889, 29950, 18474, 15082, 29892, 13, 4706, 2731, 2433, 2974, 742, 13, 4706, 1371, 2433, 637, 304, 1369, 263, 26996, 5348, 373, 742, 13, 4706, 1539, 485, 279, 2433, 15082, 742, 13, 4706, 302, 5085, 2433, 29973, 742, 13, 4706, 1134, 29922, 524, 29892, 13, 4706, 1723, 13, 13, 1678, 13812, 29889, 1202, 29918, 23516, 29898, 13, 4706, 17411, 29884, 742, 13, 4706, 3158, 2433, 8899, 29918, 3009, 742, 13, 4706, 2731, 2433, 786, 29881, 1008, 742, 13, 4706, 1371, 2433, 12007, 1583, 13271, 742, 13, 4706, 1723, 13, 13, 1678, 13812, 29889, 1202, 29918, 23516, 29898, 13, 4706, 17411, 29894, 742, 13, 4706, 525, 489, 369, 15828, 742, 13, 4706, 3158, 2433, 8899, 29918, 3009, 742, 13, 4706, 1371, 2433, 262, 1037, 559, 1962, 9750, 359, 537, 742, 13, 4706, 1723, 13, 13, 1678, 13812, 29889, 1202, 29918, 23516, 29898, 13, 4706, 17411, 29886, 742, 13, 4706, 525, 489, 14701, 742, 13, 4706, 3158, 2433, 8899, 29918, 3009, 742, 13, 4706, 1371, 2433, 842, 445, 2980, 565, 366, 864, 304, 1925, 298, 650, 1478, 327, 5742, 10166, 742, 13, 4706, 1723, 13, 1678, 565, 7431, 29898, 9675, 29889, 19218, 29961, 29896, 29901, 2314, 1275, 29871, 29900, 29901, 13, 4706, 13812, 29889, 2158, 29918, 21125, 580, 13, 4706, 13812, 29889, 13322, 580, 13, 1678, 736, 13812, 29889, 5510, 29918, 5085, 580, 13, 2 ]
setup.py
edwardchalstrey1/mapreader-plant-scivision
0
94654
#!/usr/bin/env python from setuptools import find_packages, setup requirements = [] with open("requirements.txt") as f: for line in f: stripped = line.split("#")[0].strip() if len(stripped) > 0: requirements.append(stripped) setup( name="mapreader-plant-scivision", version="0.0.1", description="scivision test plugin, using mapreader", author="", author_email="", url="https://github.com/alan-turing-institute/mapreader-plant-scivision", packages=find_packages(), install_requires=requirements, python_requires=">=3.7", )
[ 1, 18787, 4855, 29914, 2109, 29914, 6272, 3017, 13, 3166, 731, 21245, 8789, 1053, 1284, 29918, 8318, 29892, 6230, 13, 13, 12277, 1860, 353, 5159, 13, 2541, 1722, 703, 12277, 1860, 29889, 3945, 1159, 408, 285, 29901, 13, 1678, 363, 1196, 297, 285, 29901, 13, 4706, 10076, 2986, 353, 1196, 29889, 5451, 14822, 1159, 29961, 29900, 1822, 17010, 580, 13, 4706, 565, 7431, 29898, 303, 374, 2986, 29897, 1405, 29871, 29900, 29901, 13, 9651, 11780, 29889, 4397, 29898, 303, 374, 2986, 29897, 13, 13, 14669, 29898, 13, 1678, 1024, 543, 1958, 16950, 29899, 24389, 29899, 1557, 440, 2459, 613, 13, 1678, 1873, 543, 29900, 29889, 29900, 29889, 29896, 613, 13, 1678, 6139, 543, 1557, 440, 2459, 1243, 7079, 29892, 773, 2910, 16950, 613, 13, 1678, 4148, 543, 613, 13, 1678, 4148, 29918, 5269, 543, 613, 13, 1678, 3142, 543, 991, 597, 3292, 29889, 510, 29914, 284, 273, 29899, 29873, 3864, 29899, 2611, 12356, 29914, 1958, 16950, 29899, 24389, 29899, 1557, 440, 2459, 613, 13, 1678, 9741, 29922, 2886, 29918, 8318, 3285, 13, 1678, 2601, 29918, 276, 339, 2658, 29922, 12277, 1860, 29892, 13, 1678, 3017, 29918, 276, 339, 2658, 543, 18572, 29941, 29889, 29955, 613, 13, 29897, 13, 2 ]
cairis/gui/DictionaryListCtrl.py
RachelLar/cairis_update
0
12246
# Licensed to the Apache Software Foundation (ASF) under one # or more contributor license agreements. See the NOTICE file # distributed with this work for additional information # regarding copyright ownership. The ASF licenses this file # to you under the Apache License, Version 2.0 (the # "License"); you may not use this file except in compliance # with the License. You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, # software distributed under the License is distributed on an # "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY # KIND, either express or implied. See the License for the # specific language governing permissions and limitations # under the License. import wx from cairis.core.armid import * from DictionaryEntryDialog import DictionaryEntryDialog class DictionaryListCtrl(wx.ListCtrl): def __init__(self,parent): wx.ListCtrl.__init__(self,parent,PROJECTSETTINGS_LISTDICTIONARY_ID,size=wx.DefaultSize,style=wx.LC_REPORT | wx.LC_SORT_ASCENDING) self.keys = [] self.InsertColumn(0,'Name') self.SetColumnWidth(0,150) self.InsertColumn(1,'Definition') self.SetColumnWidth(1,300) self.theSelectedIdx = -1 self.theMenu = wx.Menu() self.theMenu.Append(DICTIONARYLISTCTRL_MENUADD_ID,'Add') self.theMenu.Append(DICTIONARYLISTCTRL_MENUDELETE_ID,'Delete') self.Bind(wx.EVT_LIST_ITEM_RIGHT_CLICK,self.OnRightDown) self.Bind(wx.EVT_LIST_ITEM_SELECTED,self.OnItemSelected) self.Bind(wx.EVT_LIST_ITEM_DESELECTED,self.OnItemDeselected) self.Bind(wx.EVT_LIST_ITEM_ACTIVATED,self.onEntryActivated) wx.EVT_MENU(self.theMenu,DICTIONARYLISTCTRL_MENUADD_ID,self.onAddEntry) wx.EVT_MENU(self.theMenu,DICTIONARYLISTCTRL_MENUDELETE_ID,self.onDeleteEntry) def OnItemSelected(self,evt): self.theSelectedIdx = evt.GetIndex() def OnItemDeselected(self,evt): self.theSelectedIdx = -1 def OnRightDown(self,evt): self.PopupMenu(self.theMenu) def onAddEntry(self,evt): dlg = DictionaryEntryDialog(self) if (dlg.ShowModal() == DICTIONARYENTRY_BUTTONCOMMIT_ID): name = dlg.name() definition = dlg.definition() idx = self.GetItemCount() self.InsertStringItem(idx,name) self.SetStringItem(idx,1,definition) def onDeleteEntry(self,evt): if (self.theSelectedIdx == -1): errorText = 'No entry selected' errorLabel = 'Delete definition' dlg = wx.MessageDialog(self,errorText,errorLabel,wx.OK) dlg.ShowModal() dlg.Destroy() else: selectedValue = self.GetItemText(self.theSelectedIdx) self.DeleteItem(self.theSelectedIdx) def onEntryActivated(self,evt): self.theSelectedIdx = evt.GetIndex() name = self.GetItemText(self.theSelectedIdx) definition = self.GetItem(self.theSelectedIdx,1) dlg = DictionaryEntryDialog(self,name,definition.GetText()) if (dlg.ShowModal() == DICTIONARYENTRY_BUTTONCOMMIT_ID): self.SetStringItem(self.theSelectedIdx,0,dlg.name()) self.SetStringItem(self.theSelectedIdx,1,dlg.definition()) def load(self,entries): self.keys = entries.keys() self.keys.sort() for name in self.keys: idx = self.GetItemCount() self.InsertStringItem(idx,name) self.SetStringItem(idx,1,entries[name]) def dimensions(self): entries = [] for x in range(self.GetItemCount()): name = self.GetItemText(x) definition = self.GetItem(x,1) entries.append((name,definition.GetText())) return entries
[ 1, 396, 29871, 10413, 21144, 304, 278, 13380, 18540, 10606, 313, 3289, 29943, 29897, 1090, 697, 13, 29937, 29871, 470, 901, 17737, 3406, 19405, 8571, 4110, 29889, 29871, 2823, 278, 6058, 12107, 934, 13, 29937, 29871, 13235, 411, 445, 664, 363, 5684, 2472, 13, 29937, 29871, 11211, 3509, 1266, 27428, 29889, 29871, 450, 3339, 29943, 7794, 11259, 445, 934, 13, 29937, 29871, 304, 366, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 13, 29937, 29871, 376, 29931, 293, 1947, 1496, 366, 1122, 451, 671, 445, 934, 5174, 297, 752, 13036, 13, 29937, 29871, 411, 278, 19245, 29889, 29871, 887, 1122, 4017, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 29871, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 29871, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 13, 29937, 29871, 7047, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 13, 29937, 29871, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 13, 29937, 29871, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 29871, 2823, 278, 19245, 363, 278, 13, 29937, 29871, 2702, 4086, 14765, 1076, 11239, 322, 27028, 13, 29937, 29871, 1090, 278, 19245, 29889, 13, 13, 13, 5215, 26437, 13, 3166, 274, 1466, 275, 29889, 3221, 29889, 2817, 333, 1053, 334, 13, 3166, 13343, 9634, 7647, 1053, 13343, 9634, 7647, 13, 13, 1990, 13343, 1293, 18069, 29898, 23310, 29889, 1293, 18069, 1125, 13, 29871, 822, 4770, 2344, 12035, 1311, 29892, 3560, 1125, 13, 1678, 26437, 29889, 1293, 18069, 17255, 2344, 12035, 1311, 29892, 3560, 29892, 8618, 17637, 10490, 29911, 4214, 29903, 29918, 24360, 4571, 9838, 19926, 29918, 1367, 29892, 2311, 29922, 23310, 29889, 4592, 3505, 29892, 3293, 29922, 23310, 29889, 12182, 29918, 1525, 15082, 891, 26437, 29889, 12182, 29918, 29903, 8476, 29918, 28599, 11794, 4214, 29897, 13, 1678, 1583, 29889, 8149, 353, 5159, 13, 1678, 1583, 29889, 17491, 4409, 29898, 29900, 5501, 1170, 1495, 13, 1678, 1583, 29889, 2697, 4409, 6110, 29898, 29900, 29892, 29896, 29945, 29900, 29897, 13, 1678, 1583, 29889, 17491, 4409, 29898, 29896, 5501, 14683, 1495, 13, 1678, 1583, 29889, 2697, 4409, 6110, 29898, 29896, 29892, 29941, 29900, 29900, 29897, 13, 1678, 1583, 29889, 1552, 8592, 1204, 29916, 353, 448, 29896, 13, 1678, 1583, 29889, 1552, 6823, 353, 26437, 29889, 6823, 580, 13, 1678, 1583, 29889, 1552, 6823, 29889, 18277, 29898, 4571, 9838, 19926, 24360, 1783, 2241, 29918, 29924, 1430, 29965, 17744, 29918, 1367, 5501, 2528, 1495, 13, 1678, 1583, 29889, 1552, 6823, 29889, 18277, 29898, 4571, 9838, 19926, 24360, 1783, 2241, 29918, 29924, 1430, 29965, 2287, 18476, 29918, 1367, 5501, 12498, 1495, 13, 1678, 1583, 29889, 15708, 29898, 23310, 29889, 22240, 29911, 29918, 24360, 29918, 9094, 29924, 29918, 22789, 3912, 29918, 6154, 2965, 29968, 29892, 1311, 29889, 2951, 7341, 6767, 29897, 13, 1678, 1583, 29889, 15708, 29898, 23310, 29889, 22240, 29911, 29918, 24360, 29918, 9094, 29924, 29918, 6404, 3352, 29892, 1311, 29889, 2951, 2001, 8592, 29897, 13, 1678, 1583, 29889, 15708, 29898, 23310, 29889, 22240, 29911, 29918, 24360, 29918, 9094, 29924, 29918, 2287, 6404, 3352, 29892, 1311, 29889, 2951, 2001, 29928, 968, 781, 287, 29897, 13, 1678, 1583, 29889, 15708, 29898, 23310, 29889, 22240, 29911, 29918, 24360, 29918, 9094, 29924, 29918, 17923, 5667, 3040, 29928, 29892, 1311, 29889, 265, 9634, 21786, 630, 29897, 13, 1678, 26437, 29889, 22240, 29911, 29918, 29924, 1430, 29965, 29898, 1311, 29889, 1552, 6823, 29892, 4571, 9838, 19926, 24360, 1783, 2241, 29918, 29924, 1430, 29965, 17744, 29918, 1367, 29892, 1311, 29889, 265, 2528, 9634, 29897, 13, 1678, 26437, 29889, 22240, 29911, 29918, 29924, 1430, 29965, 29898, 1311, 29889, 1552, 6823, 29892, 4571, 9838, 19926, 24360, 1783, 2241, 29918, 29924, 1430, 29965, 2287, 18476, 29918, 1367, 29892, 1311, 29889, 265, 12498, 9634, 29897, 13, 13, 29871, 822, 1551, 2001, 8592, 29898, 1311, 29892, 5750, 29873, 1125, 13, 1678, 1583, 29889, 1552, 8592, 1204, 29916, 353, 3415, 29873, 29889, 2577, 3220, 580, 13, 13, 29871, 822, 1551, 2001, 29928, 968, 781, 287, 29898, 1311, 29892, 5750, 29873, 1125, 13, 1678, 1583, 29889, 1552, 8592, 1204, 29916, 353, 448, 29896, 13, 13, 29871, 822, 1551, 7341, 6767, 29898, 1311, 29892, 5750, 29873, 1125, 13, 1678, 1583, 29889, 12310, 786, 6823, 29898, 1311, 29889, 1552, 6823, 29897, 13, 13, 29871, 822, 373, 2528, 9634, 29898, 1311, 29892, 5750, 29873, 1125, 13, 1678, 270, 19920, 353, 13343, 9634, 7647, 29898, 1311, 29897, 13, 1678, 565, 313, 11671, 29887, 29889, 8964, 19751, 580, 1275, 22471, 9838, 19926, 3919, 13207, 29918, 29933, 2692, 29911, 1164, 3217, 7428, 1806, 29918, 1367, 1125, 13, 418, 1024, 353, 270, 19920, 29889, 978, 580, 13, 418, 5023, 353, 270, 19920, 29889, 16553, 580, 13, 418, 22645, 353, 1583, 29889, 2577, 2001, 3981, 580, 13, 418, 1583, 29889, 17491, 1231, 2001, 29898, 13140, 29892, 978, 29897, 13, 418, 1583, 29889, 2697, 1231, 2001, 29898, 13140, 29892, 29896, 29892, 16553, 29897, 13, 13, 29871, 822, 373, 12498, 9634, 29898, 1311, 29892, 5750, 29873, 1125, 13, 1678, 565, 313, 1311, 29889, 1552, 8592, 1204, 29916, 1275, 448, 29896, 1125, 13, 418, 1059, 1626, 353, 525, 3782, 6251, 4629, 29915, 13, 418, 1059, 4775, 353, 525, 12498, 5023, 29915, 13, 418, 270, 19920, 353, 26437, 29889, 3728, 7647, 29898, 1311, 29892, 2704, 1626, 29892, 2704, 4775, 29892, 23310, 29889, 8949, 29897, 13, 418, 270, 19920, 29889, 8964, 19751, 580, 13, 418, 270, 19920, 29889, 14994, 4727, 580, 13, 1678, 1683, 29901, 13, 418, 4629, 1917, 353, 1583, 29889, 2577, 2001, 1626, 29898, 1311, 29889, 1552, 8592, 1204, 29916, 29897, 13, 418, 1583, 29889, 12498, 2001, 29898, 1311, 29889, 1552, 8592, 1204, 29916, 29897, 13, 13, 29871, 822, 373, 9634, 21786, 630, 29898, 1311, 29892, 5750, 29873, 1125, 13, 1678, 1583, 29889, 1552, 8592, 1204, 29916, 353, 3415, 29873, 29889, 2577, 3220, 580, 13, 1678, 1024, 353, 1583, 29889, 2577, 2001, 1626, 29898, 1311, 29889, 1552, 8592, 1204, 29916, 29897, 13, 1678, 5023, 353, 1583, 29889, 2577, 2001, 29898, 1311, 29889, 1552, 8592, 1204, 29916, 29892, 29896, 29897, 13, 418, 13, 1678, 270, 19920, 353, 13343, 9634, 7647, 29898, 1311, 29892, 978, 29892, 16553, 29889, 2577, 1626, 3101, 13, 1678, 565, 313, 11671, 29887, 29889, 8964, 19751, 580, 1275, 22471, 9838, 19926, 3919, 13207, 29918, 29933, 2692, 29911, 1164, 3217, 7428, 1806, 29918, 1367, 1125, 13, 418, 1583, 29889, 2697, 1231, 2001, 29898, 1311, 29889, 1552, 8592, 1204, 29916, 29892, 29900, 29892, 11671, 29887, 29889, 978, 3101, 13, 418, 1583, 29889, 2697, 1231, 2001, 29898, 1311, 29889, 1552, 8592, 1204, 29916, 29892, 29896, 29892, 11671, 29887, 29889, 16553, 3101, 13, 13, 29871, 822, 2254, 29898, 1311, 29892, 26586, 1125, 13, 1678, 1583, 29889, 8149, 353, 9976, 29889, 8149, 580, 13, 1678, 1583, 29889, 8149, 29889, 6605, 580, 13, 268, 13, 1678, 363, 1024, 297, 1583, 29889, 8149, 29901, 13, 418, 22645, 353, 1583, 29889, 2577, 2001, 3981, 580, 13, 418, 1583, 29889, 17491, 1231, 2001, 29898, 13140, 29892, 978, 29897, 13, 418, 1583, 29889, 2697, 1231, 2001, 29898, 13140, 29892, 29896, 29892, 26586, 29961, 978, 2314, 13, 13, 29871, 822, 13391, 29898, 1311, 1125, 13, 1678, 9976, 353, 5159, 13, 1678, 363, 921, 297, 3464, 29898, 1311, 29889, 2577, 2001, 3981, 580, 1125, 13, 418, 1024, 353, 1583, 29889, 2577, 2001, 1626, 29898, 29916, 29897, 13, 418, 5023, 353, 1583, 29889, 2577, 2001, 29898, 29916, 29892, 29896, 29897, 13, 418, 9976, 29889, 4397, 3552, 978, 29892, 16553, 29889, 2577, 1626, 22130, 13, 1678, 736, 9976, 13, 2 ]
girder/girder_large_image/rest/large_image_resource.py
girder/large_image
85
196616
############################################################################## # Copyright Kitware Inc. # # Licensed under the Apache License, Version 2.0 ( the "License" ); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. ############################################################################## import concurrent.futures import datetime import json import re import sys import time import psutil from girder_jobs.constants import JobStatus from girder_jobs.models.job import Job from girder import logger from girder.api import access from girder.api.describe import Description, describeRoute from girder.api.rest import Resource from girder.exceptions import RestException from girder.models.file import File from girder.models.item import Item from girder.models.setting import Setting from large_image import cache_util from large_image.exceptions import TileGeneralError from .. import constants, girder_tilesource from ..models.image_item import ImageItem def createThumbnailsJobTask(item, spec): """ For an individual item, check or create all of the appropriate thumbnails. :param item: the image item. :param spec: a list of thumbnail specifications. :returns: a dictionary with the total status of the thumbnail job. """ status = {'checked': 0, 'created': 0, 'failed': 0} for entry in spec: try: if entry.get('imageKey'): result = ImageItem().getAssociatedImage(item, checkAndCreate=True, **entry) else: result = ImageItem().getThumbnail(item, checkAndCreate=True, **entry) status['checked' if result is True else 'created'] += 1 except TileGeneralError as exc: status['failed'] += 1 status['lastFailed'] = str(item['_id']) logger.info('Failed to get thumbnail for item %s: %r' % (item['_id'], exc)) except AttributeError: raise except Exception: status['failed'] += 1 status['lastFailed'] = str(item['_id']) logger.exception( 'Unexpected exception when trying to create a thumbnail for item %s' % item['_id']) return status def createThumbnailsJobLog(job, info, prefix='', status=None): """ Log information aboyt the create thumbnails job. :param job: the job object. :param info: a dictionary with the number of thumbnails checked, created, and failed. :param prefix: a string to place in front of the log message. :param status: if not None, a new status for the job. """ msg = prefix + 'Checked %d, created %d thumbnail files' % ( info['checked'], info['created']) if prefix == '' and info.get('items', 0) * info.get('specs', 0): done = info['checked'] + info['created'] + info['failed'] if done < info['items'] * info['specs']: msg += ' (estimated %4.2f%% done)' % ( 100.0 * done / (info['items'] * info['specs'])) msg += '\n' if info['failed']: msg += 'Failed on %d thumbnail file%s (last failure on item %s)\n' % ( info['failed'], 's' if info['failed'] != 1 else '', info['lastFailed']) job = Job().updateJob(job, log=msg, status=status) return job, msg def cursorNextOrNone(cursor): """ Given a Mongo cursor, return the next value if there is one. If not, return None. :param cursor: a cursor to get a value from. :returns: the next value or None. """ try: return cursor.next() # noqa - B305 except StopIteration: return None def createThumbnailsJob(job): """ Create thumbnails for all of the large image items. The job object contains:: - spec: an array, each entry of which is the parameter dictionary for the model getThumbnail function. - logInterval: the time in seconds between log messages. This also controls the granularity of cancelling the job. - concurrent: the number of threads to use. 0 for the number of cpus. :param job: the job object including kwargs. """ job = Job().updateJob( job, log='Started creating large image thumbnails\n', status=JobStatus.RUNNING) concurrency = int(job['kwargs'].get('concurrent', 0)) concurrency = psutil.cpu_count(logical=True) if concurrency < 1 else concurrency status = { 'checked': 0, 'created': 0, 'failed': 0, } spec = job['kwargs']['spec'] logInterval = float(job['kwargs'].get('logInterval', 10)) job = Job().updateJob(job, log='Creating thumbnails (%d concurrent)\n' % concurrency) nextLogTime = time.time() + logInterval tasks = [] # This could be switched from ThreadPoolExecutor to ProcessPoolExecutor # without any other changes. Doing so would probably improve parallel # performance, but may not work reliably under Python 2.x. pool = concurrent.futures.ThreadPoolExecutor(max_workers=concurrency) try: # Get a cursor with the list of images items = Item().find({'largeImage.fileId': {'$exists': True}}) if hasattr(items, 'count'): status['items'] = items.count() status['specs'] = len(spec) nextitem = cursorNextOrNone(items) while len(tasks) or nextitem is not None: # Create more tasks than we strictly need so if one finishes before # we check another will be ready. This is balanced with not # creating too many to avoid excessive memory use. As such, we # can't do a simple iteration over the database cursor, as it will # be exhausted before we are done. while len(tasks) < concurrency * 4 and nextitem is not None: tasks.append(pool.submit(createThumbnailsJobTask, nextitem, spec)) nextitem = cursorNextOrNone(items) # Wait a short time or until the oldest task is complete try: tasks[0].result(0.1) except concurrent.futures.TimeoutError: pass # Remove completed tasks from our list, adding their results to the # status. for pos in range(len(tasks) - 1, -1, -1): if tasks[pos].done(): r = tasks[pos].result() status['created'] += r['created'] status['checked'] += r['checked'] status['failed'] += r['failed'] status['lastFailed'] = r.get('lastFailed', status.get('lastFailed')) tasks[pos:pos + 1] = [] # Periodically, log the state of the job and check if it was # deleted or canceled. if time.time() > nextLogTime: job, msg = createThumbnailsJobLog(job, status) # Check if the job was deleted or canceled; if so, quit job = Job().load(id=job['_id'], force=True) if not job or job['status'] in (JobStatus.CANCELED, JobStatus.ERROR): cause = { None: 'deleted', JobStatus.CANCELED: 'canceled', JobStatus.ERROR: 'stopped due to error', }[None if not job else job.get('status')] msg = 'Large image thumbnails job %s' % cause logger.info(msg) # Cancel any outstanding tasks. If they haven't started, # they are discarded. Those that have started will still # run, though. for task in tasks: task.cancel() return nextLogTime = time.time() + logInterval except Exception: logger.exception('Error with large image create thumbnails job') Job().updateJob( job, log='Error creating large image thumbnails\n', status=JobStatus.ERROR) return finally: # Clean up the task pool asynchronously pool.shutdown(False) job, msg = createThumbnailsJobLog(job, status, 'Finished: ', JobStatus.SUCCESS) logger.info(msg) class LargeImageResource(Resource): def __init__(self): super().__init__() self.resourceName = 'large_image' self.route('GET', ('cache', ), self.cacheInfo) self.route('PUT', ('cache', 'clear'), self.cacheClear) self.route('GET', ('settings',), self.getPublicSettings) self.route('GET', ('sources',), self.listSources) self.route('GET', ('thumbnails',), self.countThumbnails) self.route('PUT', ('thumbnails',), self.createThumbnails) self.route('DELETE', ('thumbnails',), self.deleteThumbnails) self.route('GET', ('associated_images',), self.countAssociatedImages) self.route('DELETE', ('associated_images',), self.deleteAssociatedImages) self.route('GET', ('histograms',), self.countHistograms) self.route('DELETE', ('histograms',), self.deleteHistograms) self.route('DELETE', ('tiles', 'incomplete'), self.deleteIncompleteTiles) @describeRoute( Description('Clear tile source caches to release resources and file handles.') ) @access.admin def cacheClear(self, params): before = cache_util.cachesInfo() cache_util.cachesClear() after = cache_util.cachesInfo() # Add a small delay to give the memcached time to clear stoptime = time.time() + 5 while time.time() < stoptime and any(after[key]['used'] for key in after): time.sleep(0.1) after = cache_util.cachesInfo() return {'cacheCleared': datetime.datetime.utcnow(), 'before': before, 'after': after} @describeRoute( Description('Get information on caches.') ) @access.admin def cacheInfo(self, params): return cache_util.cachesInfo() @describeRoute( Description('Get public settings for large image display.') ) @access.public def getPublicSettings(self, params): keys = [getattr(constants.PluginSettings, key) for key in dir(constants.PluginSettings) if key.startswith('LARGE_IMAGE_')] return {k: Setting().get(k) for k in keys} @describeRoute( Description('Count the number of cached thumbnail files for ' 'large_image items.') .param('spec', 'A JSON list of thumbnail specifications to count. ' 'If empty, all cached thumbnails are counted. The ' 'specifications typically include width, height, encoding, and ' 'encoding options.', required=False) ) @access.admin def countThumbnails(self, params): return self._countCachedImages(params.get('spec')) @describeRoute( Description('Count the number of cached associated image files for ' 'large_image items.') .param('imageKey', 'If specific, only include images with the ' 'specified key', required=False) ) @access.admin def countAssociatedImages(self, params): return self._countCachedImages( None, associatedImages=True, imageKey=params.get('imageKey')) def _countCachedImages(self, spec, associatedImages=False, imageKey=None): if spec is not None: try: spec = json.loads(spec) if not isinstance(spec, list): raise ValueError() except ValueError: raise RestException('The spec parameter must be a JSON list.') spec = [json.dumps(entry, sort_keys=True, separators=(',', ':')) for entry in spec] else: spec = [None] count = 0 for entry in spec: query = {'isLargeImageThumbnail': True, 'attachedToType': 'item'} if entry is not None: query['thumbnailKey'] = entry elif associatedImages: if imageKey and re.match(r'^[0-9A-Za-z].*$', imageKey): query['thumbnailKey'] = {'$regex': '"imageKey":"%s"' % imageKey} else: query['thumbnailKey'] = {'$regex': '"imageKey":'} count += File().find(query).count() return count @describeRoute( Description('Create cached thumbnail files from large_image items.') .notes('This creates a local job that processes all large_image items.') .param('spec', 'A JSON list of thumbnail specifications to create. ' 'The specifications typically include width, height, encoding, ' 'and encoding options.') .param('logInterval', 'The number of seconds between log messages. ' 'This also determines how often the creation job is checked if ' 'it has been canceled or deleted. A value of 0 will log after ' 'each thumbnail is checked or created.', required=False, dataType='float') .param('concurrent', 'The number of concurrent threads to use when ' 'making thumbnails. 0 or unspecified to base this on the ' 'number of reported cpus.', required=False, dataType='int') ) @access.admin def createThumbnails(self, params): self.requireParams(['spec'], params) try: spec = json.loads(params['spec']) if not isinstance(spec, list): raise ValueError() except ValueError: raise RestException('The spec parameter must be a JSON list.') maxThumbnailFiles = int(Setting().get( constants.PluginSettings.LARGE_IMAGE_MAX_THUMBNAIL_FILES)) if maxThumbnailFiles <= 0: raise RestException('Thumbnail files are not enabled.') jobKwargs = {'spec': spec} if params.get('logInterval') is not None: jobKwargs['logInterval'] = float(params['logInterval']) if params.get('concurrent') is not None: jobKwargs['concurrent'] = float(params['concurrent']) job = Job().createLocalJob( module='girder_large_image.rest.large_image_resource', function='createThumbnailsJob', kwargs=jobKwargs, title='Create large image thumbnail files.', type='large_image_create_thumbnails', user=self.getCurrentUser(), public=True, asynchronous=True, ) Job().scheduleJob(job) return job @describeRoute( Description('Delete cached thumbnail files from large_image items.') .param('spec', 'A JSON list of thumbnail specifications to delete. ' 'If empty, all cached thumbnails are deleted. The ' 'specifications typically include width, height, encoding, and ' 'encoding options.', required=False) ) @access.admin def deleteThumbnails(self, params): return self._deleteCachedImages(params.get('spec')) @describeRoute( Description('Delete cached associated image files from large_image items.') .param('imageKey', 'If specific, only include images with the ' 'specified key', required=False) ) @access.admin def deleteAssociatedImages(self, params): return self._deleteCachedImages( None, associatedImages=True, imageKey=params.get('imageKey')) def _deleteCachedImages(self, spec, associatedImages=False, imageKey=None): if spec is not None: try: spec = json.loads(spec) if not isinstance(spec, list): raise ValueError() except ValueError: raise RestException('The spec parameter must be a JSON list.') spec = [json.dumps(entry, sort_keys=True, separators=(',', ':')) for entry in spec] else: spec = [None] removed = 0 for entry in spec: query = {'isLargeImageThumbnail': True, 'attachedToType': 'item'} if entry is not None: query['thumbnailKey'] = entry elif associatedImages: if imageKey and re.match(r'^[0-9A-Za-z].*$', imageKey): query['thumbnailKey'] = {'$regex': '"imageKey":"%s"' % imageKey} else: query['thumbnailKey'] = {'$regex': '"imageKey":'} for file in File().find(query): File().remove(file) removed += 1 return removed @describeRoute( Description('Remove large images from items where the large image job ' 'incomplete.') .notes('This is used to clean up all large image conversion jobs that ' 'have failed to complete. If a job is in progress, it will be ' 'cancelled. The return value is the number of items that were ' 'adjusted.') ) @access.admin def deleteIncompleteTiles(self, params): result = {'removed': 0} while True: item = Item().findOne({'largeImage.expected': True}) if not item: break job = Job().load(item['largeImage']['jobId'], force=True) if job and job.get('status') in ( JobStatus.QUEUED, JobStatus.RUNNING): job = Job().cancelJob(job) if job and job.get('status') in ( JobStatus.QUEUED, JobStatus.RUNNING): result['message'] = ('The job for item %s could not be ' 'canceled' % (str(item['_id']))) break ImageItem().delete(item) result['removed'] += 1 return result @describeRoute( Description('List all Girder tile sources with associated extensions, ' 'mime types, and versions. Lower values indicate a ' 'higher priority for an extension of mime type with that ' 'source.') ) @access.public def listSources(self, params): results = {} for key, source in girder_tilesource.AvailableGirderTileSources.items(): results[key] = { 'extensions': { k or 'default': v for k, v in source.extensions.items()}, 'mimeTypes': { k or 'default': v for k, v in source.mimeTypes.items()}, } for cls in source.__mro__: try: if sys.modules[cls.__module__].__version__: results[key]['version'] = sys.modules[cls.__module__].__version__ break except Exception: pass return results @describeRoute( Description('Count the number of cached histograms for large_image items.') ) @access.admin def countHistograms(self, params): query = { 'isLargeImageData': True, 'attachedToType': 'item', 'thumbnailKey': {'$regex': '"imageKey":"histogram"'}, } count = File().find(query).count() return count @describeRoute( Description('Delete cached histograms from large_image items.') ) @access.admin def deleteHistograms(self, params): query = { 'isLargeImageData': True, 'attachedToType': 'item', 'thumbnailKey': {'$regex': '"imageKey":"histogram"'}, } removed = 0 for file in File().find(query): File().remove(file) removed += 1 return removed
[ 1, 835, 13383, 13383, 13383, 13383, 7346, 2277, 29937, 13, 29937, 29871, 14187, 1266, 26240, 2519, 9266, 29889, 13, 29937, 13, 29937, 29871, 10413, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 278, 376, 29931, 293, 1947, 29908, 3482, 13, 29937, 29871, 366, 1122, 451, 671, 445, 934, 5174, 297, 752, 13036, 411, 278, 19245, 29889, 13, 29937, 29871, 887, 1122, 4017, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 1678, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 29871, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 7047, 13, 29937, 29871, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 13, 29937, 29871, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 13, 29937, 29871, 2823, 278, 19245, 363, 278, 2702, 4086, 14765, 1076, 11239, 322, 13, 29937, 29871, 27028, 1090, 278, 19245, 29889, 13, 13383, 13383, 13383, 13383, 7346, 4136, 2277, 13, 13, 5215, 21984, 29889, 29888, 329, 1973, 13, 5215, 12865, 13, 5215, 4390, 13, 5215, 337, 13, 5215, 10876, 13, 5215, 931, 13, 13, 5215, 6529, 4422, 13, 3166, 27016, 672, 29918, 9057, 29879, 29889, 3075, 1934, 1053, 17163, 5709, 13, 3166, 27016, 672, 29918, 9057, 29879, 29889, 9794, 29889, 9057, 1053, 17163, 13, 13, 3166, 27016, 672, 1053, 17927, 13, 3166, 27016, 672, 29889, 2754, 1053, 2130, 13, 3166, 27016, 672, 29889, 2754, 29889, 2783, 29581, 1053, 12953, 29892, 8453, 12085, 13, 3166, 27016, 672, 29889, 2754, 29889, 5060, 1053, 18981, 13, 3166, 27016, 672, 29889, 11739, 29879, 1053, 11654, 2451, 13, 3166, 27016, 672, 29889, 9794, 29889, 1445, 1053, 3497, 13, 3166, 27016, 672, 29889, 9794, 29889, 667, 1053, 10976, 13, 3166, 27016, 672, 29889, 9794, 29889, 26740, 1053, 21605, 13, 3166, 2919, 29918, 3027, 1053, 7090, 29918, 4422, 13, 3166, 2919, 29918, 3027, 29889, 11739, 29879, 1053, 323, 488, 15263, 2392, 13, 13, 3166, 6317, 1053, 17727, 29892, 27016, 672, 29918, 1376, 267, 1167, 13, 3166, 6317, 9794, 29889, 3027, 29918, 667, 1053, 7084, 2001, 13, 13, 13, 1753, 1653, 1349, 17771, 2234, 11947, 5398, 29898, 667, 29892, 1580, 1125, 13, 1678, 9995, 13, 1678, 1152, 385, 5375, 2944, 29892, 1423, 470, 1653, 599, 310, 278, 8210, 266, 17771, 2234, 29889, 13, 13, 1678, 584, 3207, 2944, 29901, 278, 1967, 2944, 29889, 13, 1678, 584, 3207, 1580, 29901, 263, 1051, 310, 266, 21145, 2702, 800, 29889, 13, 1678, 584, 18280, 29901, 263, 8600, 411, 278, 3001, 4660, 310, 278, 266, 21145, 4982, 29889, 13, 1678, 9995, 13, 1678, 4660, 353, 11117, 11238, 2396, 29871, 29900, 29892, 525, 11600, 2396, 29871, 29900, 29892, 525, 26061, 2396, 29871, 29900, 29913, 13, 1678, 363, 6251, 297, 1580, 29901, 13, 4706, 1018, 29901, 13, 9651, 565, 6251, 29889, 657, 877, 3027, 2558, 29374, 13, 18884, 1121, 353, 7084, 2001, 2141, 657, 29254, 630, 2940, 29898, 667, 29892, 1423, 2855, 4391, 29922, 5574, 29892, 3579, 8269, 29897, 13, 9651, 1683, 29901, 13, 18884, 1121, 353, 7084, 2001, 2141, 657, 1349, 21145, 29898, 667, 29892, 1423, 2855, 4391, 29922, 5574, 29892, 3579, 8269, 29897, 13, 9651, 4660, 1839, 11238, 29915, 565, 1121, 338, 5852, 1683, 525, 11600, 2033, 4619, 29871, 29896, 13, 4706, 5174, 323, 488, 15263, 2392, 408, 5566, 29901, 13, 9651, 4660, 1839, 26061, 2033, 4619, 29871, 29896, 13, 9651, 4660, 1839, 4230, 17776, 2033, 353, 851, 29898, 667, 1839, 29918, 333, 11287, 13, 9651, 17927, 29889, 3888, 877, 17776, 304, 679, 266, 21145, 363, 2944, 1273, 29879, 29901, 1273, 29878, 29915, 1273, 313, 667, 1839, 29918, 333, 7464, 5566, 876, 13, 4706, 5174, 23833, 2392, 29901, 13, 9651, 12020, 13, 4706, 5174, 8960, 29901, 13, 9651, 4660, 1839, 26061, 2033, 4619, 29871, 29896, 13, 9651, 4660, 1839, 4230, 17776, 2033, 353, 851, 29898, 667, 1839, 29918, 333, 11287, 13, 9651, 17927, 29889, 11739, 29898, 13, 18884, 525, 29965, 13996, 6021, 3682, 746, 1811, 304, 1653, 263, 266, 21145, 363, 2944, 1273, 29879, 29915, 1273, 13, 18884, 2944, 1839, 29918, 333, 11287, 13, 1678, 736, 4660, 13, 13, 13, 1753, 1653, 1349, 17771, 2234, 11947, 3403, 29898, 9057, 29892, 5235, 29892, 10944, 2433, 742, 4660, 29922, 8516, 1125, 13, 1678, 9995, 13, 1678, 4522, 2472, 633, 29877, 3637, 278, 1653, 266, 17771, 2234, 4982, 29889, 13, 13, 1678, 584, 3207, 4982, 29901, 278, 4982, 1203, 29889, 13, 1678, 584, 3207, 5235, 29901, 263, 8600, 411, 278, 1353, 310, 266, 17771, 2234, 7120, 29892, 2825, 29892, 13, 4706, 322, 5229, 29889, 13, 1678, 584, 3207, 10944, 29901, 263, 1347, 304, 2058, 297, 4565, 310, 278, 1480, 2643, 29889, 13, 1678, 584, 3207, 4660, 29901, 565, 451, 6213, 29892, 263, 716, 4660, 363, 278, 4982, 29889, 13, 1678, 9995, 13, 1678, 10191, 353, 10944, 718, 525, 17817, 1273, 29881, 29892, 2825, 1273, 29881, 266, 21145, 2066, 29915, 1273, 313, 13, 4706, 5235, 1839, 11238, 7464, 5235, 1839, 11600, 11287, 13, 1678, 565, 10944, 1275, 6629, 322, 5235, 29889, 657, 877, 7076, 742, 29871, 29900, 29897, 334, 5235, 29889, 657, 877, 5965, 2395, 742, 29871, 29900, 1125, 13, 4706, 2309, 353, 5235, 1839, 11238, 2033, 718, 5235, 1839, 11600, 2033, 718, 5235, 1839, 26061, 2033, 13, 4706, 565, 2309, 529, 5235, 1839, 7076, 2033, 334, 5235, 1839, 5965, 2395, 2033, 29901, 13, 9651, 10191, 4619, 525, 313, 342, 326, 630, 1273, 29946, 29889, 29906, 29888, 7686, 2309, 16029, 1273, 313, 13, 462, 29896, 29900, 29900, 29889, 29900, 334, 2309, 847, 313, 3888, 1839, 7076, 2033, 334, 5235, 1839, 5965, 2395, 25901, 13, 1678, 10191, 4619, 11297, 29876, 29915, 13, 1678, 565, 5235, 1839, 26061, 2033, 29901, 13, 4706, 10191, 4619, 525, 17776, 373, 1273, 29881, 266, 21145, 934, 29995, 29879, 313, 4230, 10672, 373, 2944, 1273, 29879, 2144, 29876, 29915, 1273, 313, 13, 9651, 5235, 1839, 26061, 7464, 13, 9651, 525, 29879, 29915, 565, 5235, 1839, 26061, 2033, 2804, 29871, 29896, 1683, 15516, 5235, 1839, 4230, 17776, 11287, 13, 1678, 4982, 353, 17163, 2141, 5504, 11947, 29898, 9057, 29892, 1480, 29922, 7645, 29892, 4660, 29922, 4882, 29897, 13, 1678, 736, 4982, 29892, 10191, 13, 13, 13, 1753, 10677, 9190, 2816, 8516, 29898, 18127, 1125, 13, 1678, 9995, 13, 1678, 11221, 263, 18294, 10677, 29892, 736, 278, 2446, 995, 565, 727, 338, 697, 29889, 29871, 960, 451, 29892, 13, 1678, 736, 6213, 29889, 13, 13, 1678, 584, 3207, 10677, 29901, 263, 10677, 304, 679, 263, 995, 515, 29889, 13, 1678, 584, 18280, 29901, 278, 2446, 995, 470, 6213, 29889, 13, 1678, 9995, 13, 1678, 1018, 29901, 13, 4706, 736, 10677, 29889, 4622, 580, 29871, 396, 694, 25621, 448, 350, 29941, 29900, 29945, 13, 1678, 5174, 22303, 13463, 362, 29901, 13, 4706, 736, 6213, 13, 13, 13, 1753, 1653, 1349, 17771, 2234, 11947, 29898, 9057, 1125, 13, 1678, 9995, 13, 1678, 6204, 266, 17771, 2234, 363, 599, 310, 278, 2919, 1967, 4452, 29889, 13, 13, 1678, 450, 4982, 1203, 3743, 1057, 13, 13, 418, 448, 1580, 29901, 385, 1409, 29892, 1269, 6251, 310, 607, 338, 278, 3443, 8600, 13, 4706, 363, 278, 1904, 679, 1349, 21145, 740, 29889, 13, 418, 448, 1480, 12506, 29901, 278, 931, 297, 6923, 1546, 1480, 7191, 29889, 29871, 910, 13, 4706, 884, 11761, 278, 3803, 1070, 537, 310, 508, 3729, 292, 278, 4982, 29889, 13, 418, 448, 21984, 29901, 278, 1353, 310, 9717, 304, 671, 29889, 259, 29900, 363, 278, 1353, 310, 13, 4706, 274, 13364, 29889, 13, 13, 1678, 584, 3207, 4982, 29901, 278, 4982, 1203, 3704, 9049, 5085, 29889, 13, 1678, 9995, 13, 1678, 4982, 353, 17163, 2141, 5504, 11947, 29898, 13, 4706, 4982, 29892, 1480, 2433, 4763, 287, 4969, 2919, 1967, 266, 17771, 2234, 29905, 29876, 742, 13, 4706, 4660, 29922, 11947, 5709, 29889, 29934, 3904, 29940, 4214, 29897, 13, 1678, 3022, 10880, 353, 938, 29898, 9057, 1839, 19290, 13359, 657, 877, 19279, 742, 29871, 29900, 876, 13, 1678, 3022, 10880, 353, 6529, 4422, 29889, 21970, 29918, 2798, 29898, 1188, 936, 29922, 5574, 29897, 565, 3022, 10880, 529, 29871, 29896, 1683, 3022, 10880, 13, 1678, 4660, 353, 426, 13, 4706, 525, 11238, 2396, 29871, 29900, 29892, 13, 4706, 525, 11600, 2396, 29871, 29900, 29892, 13, 4706, 525, 26061, 2396, 29871, 29900, 29892, 13, 1678, 500, 13, 13, 1678, 1580, 353, 4982, 1839, 19290, 16215, 6550, 2033, 13, 1678, 1480, 12506, 353, 5785, 29898, 9057, 1839, 19290, 13359, 657, 877, 1188, 12506, 742, 29871, 29896, 29900, 876, 13, 1678, 4982, 353, 17163, 2141, 5504, 11947, 29898, 9057, 29892, 1480, 2433, 9832, 1218, 266, 17771, 2234, 313, 29995, 29881, 21984, 2144, 29876, 29915, 1273, 3022, 10880, 29897, 13, 1678, 2446, 3403, 2481, 353, 931, 29889, 2230, 580, 718, 1480, 12506, 13, 1678, 9595, 353, 5159, 13, 1678, 396, 910, 1033, 367, 26263, 515, 10480, 11426, 13366, 304, 10554, 11426, 13366, 13, 1678, 396, 1728, 738, 916, 3620, 29889, 29871, 1938, 292, 577, 723, 3117, 11157, 8943, 13, 1678, 396, 4180, 29892, 541, 1122, 451, 664, 12536, 2197, 1090, 5132, 29871, 29906, 29889, 29916, 29889, 13, 1678, 11565, 353, 21984, 29889, 29888, 329, 1973, 29889, 23574, 13366, 29898, 3317, 29918, 1287, 414, 29922, 535, 26095, 29897, 13, 1678, 1018, 29901, 13, 4706, 396, 3617, 263, 10677, 411, 278, 1051, 310, 4558, 13, 4706, 4452, 353, 10976, 2141, 2886, 3319, 29915, 16961, 2940, 29889, 1445, 1204, 2396, 11117, 29938, 9933, 2396, 5852, 24289, 13, 4706, 565, 756, 5552, 29898, 7076, 29892, 525, 2798, 29374, 13, 9651, 4660, 1839, 7076, 2033, 353, 4452, 29889, 2798, 580, 13, 4706, 4660, 1839, 5965, 2395, 2033, 353, 7431, 29898, 6550, 29897, 13, 4706, 2446, 667, 353, 10677, 9190, 2816, 8516, 29898, 7076, 29897, 13, 4706, 1550, 7431, 29898, 20673, 29897, 470, 2446, 667, 338, 451, 6213, 29901, 13, 9651, 396, 6204, 901, 9595, 1135, 591, 18719, 817, 577, 565, 697, 8341, 267, 1434, 13, 9651, 396, 591, 1423, 1790, 674, 367, 7960, 29889, 29871, 910, 338, 6411, 8362, 411, 451, 13, 9651, 396, 4969, 2086, 1784, 304, 4772, 19163, 573, 3370, 671, 29889, 29871, 1094, 1316, 29892, 591, 13, 9651, 396, 508, 29915, 29873, 437, 263, 2560, 12541, 975, 278, 2566, 10677, 29892, 408, 372, 674, 13, 9651, 396, 367, 18782, 16656, 1434, 591, 526, 2309, 29889, 13, 9651, 1550, 7431, 29898, 20673, 29897, 529, 3022, 10880, 334, 29871, 29946, 322, 2446, 667, 338, 451, 6213, 29901, 13, 18884, 9595, 29889, 4397, 29898, 10109, 29889, 7892, 29898, 3258, 1349, 17771, 2234, 11947, 5398, 29892, 2446, 667, 29892, 1580, 876, 13, 18884, 2446, 667, 353, 10677, 9190, 2816, 8516, 29898, 7076, 29897, 13, 9651, 396, 20340, 263, 3273, 931, 470, 2745, 278, 23947, 3414, 338, 4866, 13, 9651, 1018, 29901, 13, 18884, 9595, 29961, 29900, 1822, 2914, 29898, 29900, 29889, 29896, 29897, 13, 9651, 5174, 21984, 29889, 29888, 329, 1973, 29889, 10851, 2392, 29901, 13, 18884, 1209, 13, 9651, 396, 15154, 8676, 9595, 515, 1749, 1051, 29892, 4417, 1009, 2582, 304, 278, 13, 9651, 396, 4660, 29889, 13, 9651, 363, 926, 297, 3464, 29898, 2435, 29898, 20673, 29897, 448, 29871, 29896, 29892, 448, 29896, 29892, 448, 29896, 1125, 13, 18884, 565, 9595, 29961, 1066, 1822, 15091, 7295, 13, 462, 1678, 364, 353, 9595, 29961, 1066, 1822, 2914, 580, 13, 462, 1678, 4660, 1839, 11600, 2033, 4619, 364, 1839, 11600, 2033, 13, 462, 1678, 4660, 1839, 11238, 2033, 4619, 364, 1839, 11238, 2033, 13, 462, 1678, 4660, 1839, 26061, 2033, 4619, 364, 1839, 26061, 2033, 13, 462, 1678, 4660, 1839, 4230, 17776, 2033, 353, 364, 29889, 657, 877, 4230, 17776, 742, 4660, 29889, 657, 877, 4230, 17776, 8785, 13, 462, 1678, 9595, 29961, 1066, 29901, 1066, 718, 29871, 29896, 29962, 353, 5159, 13, 9651, 396, 29498, 1711, 29892, 1480, 278, 2106, 310, 278, 4982, 322, 1423, 565, 372, 471, 13, 9651, 396, 11132, 470, 508, 346, 839, 29889, 13, 9651, 565, 931, 29889, 2230, 580, 1405, 2446, 3403, 2481, 29901, 13, 18884, 4982, 29892, 10191, 353, 1653, 1349, 17771, 2234, 11947, 3403, 29898, 9057, 29892, 4660, 29897, 13, 18884, 396, 5399, 565, 278, 4982, 471, 11132, 470, 508, 346, 839, 29936, 565, 577, 29892, 23283, 13, 18884, 4982, 353, 17163, 2141, 1359, 29898, 333, 29922, 9057, 1839, 29918, 333, 7464, 4889, 29922, 5574, 29897, 13, 18884, 565, 451, 4982, 470, 4982, 1839, 4882, 2033, 297, 313, 11947, 5709, 29889, 29907, 23219, 20566, 29892, 17163, 5709, 29889, 11432, 1125, 13, 462, 1678, 4556, 353, 426, 13, 462, 4706, 6213, 29901, 525, 311, 22742, 742, 13, 462, 4706, 17163, 5709, 29889, 29907, 23219, 20566, 29901, 525, 29883, 749, 839, 742, 13, 462, 4706, 17163, 5709, 29889, 11432, 29901, 525, 7864, 2986, 2861, 304, 1059, 742, 13, 462, 1678, 500, 29961, 8516, 565, 451, 4982, 1683, 4982, 29889, 657, 877, 4882, 1495, 29962, 13, 462, 1678, 10191, 353, 525, 24105, 479, 1967, 266, 17771, 2234, 4982, 1273, 29879, 29915, 1273, 4556, 13, 462, 1678, 17927, 29889, 3888, 29898, 7645, 29897, 13, 462, 1678, 396, 1815, 2242, 738, 714, 11235, 9595, 29889, 29871, 960, 896, 7359, 29915, 29873, 4687, 29892, 13, 462, 1678, 396, 896, 526, 2313, 25600, 29889, 29871, 16025, 393, 505, 4687, 674, 1603, 13, 462, 1678, 396, 1065, 29892, 2466, 29889, 13, 462, 1678, 363, 3414, 297, 9595, 29901, 13, 462, 4706, 3414, 29889, 20713, 580, 13, 462, 1678, 736, 13, 18884, 2446, 3403, 2481, 353, 931, 29889, 2230, 580, 718, 1480, 12506, 13, 1678, 5174, 8960, 29901, 13, 4706, 17927, 29889, 11739, 877, 2392, 411, 2919, 1967, 1653, 266, 17771, 2234, 4982, 1495, 13, 4706, 17163, 2141, 5504, 11947, 29898, 13, 9651, 4982, 29892, 1480, 2433, 2392, 4969, 2919, 1967, 266, 17771, 2234, 29905, 29876, 742, 13, 9651, 4660, 29922, 11947, 5709, 29889, 11432, 29897, 13, 4706, 736, 13, 1678, 7146, 29901, 13, 4706, 396, 315, 14044, 701, 278, 3414, 11565, 408, 9524, 5794, 13, 4706, 11565, 29889, 845, 329, 3204, 29898, 8824, 29897, 13, 1678, 4982, 29892, 10191, 353, 1653, 1349, 17771, 2234, 11947, 3403, 29898, 9057, 29892, 4660, 29892, 525, 12881, 3276, 29901, 13420, 17163, 5709, 29889, 14605, 26925, 29897, 13, 1678, 17927, 29889, 3888, 29898, 7645, 29897, 13, 13, 13, 1990, 8218, 479, 2940, 6848, 29898, 6848, 1125, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 1125, 13, 4706, 2428, 2141, 1649, 2344, 1649, 580, 13, 13, 4706, 1583, 29889, 10314, 1170, 353, 525, 16961, 29918, 3027, 29915, 13, 4706, 1583, 29889, 13134, 877, 7194, 742, 6702, 8173, 742, 10353, 1583, 29889, 8173, 3401, 29897, 13, 4706, 1583, 29889, 13134, 877, 12336, 742, 6702, 8173, 742, 525, 8551, 5477, 1583, 29889, 8173, 18759, 29897, 13, 4706, 1583, 29889, 13134, 877, 7194, 742, 6702, 11027, 742, 511, 1583, 29889, 657, 19858, 9585, 29897, 13, 4706, 1583, 29889, 13134, 877, 7194, 742, 6702, 29879, 2863, 742, 511, 1583, 29889, 1761, 29903, 2863, 29897, 13, 4706, 1583, 29889, 13134, 877, 7194, 742, 6702, 386, 17771, 2234, 742, 511, 1583, 29889, 2798, 1349, 17771, 2234, 29897, 13, 4706, 1583, 29889, 13134, 877, 12336, 742, 6702, 386, 17771, 2234, 742, 511, 1583, 29889, 3258, 1349, 17771, 2234, 29897, 13, 4706, 1583, 29889, 13134, 877, 2287, 18476, 742, 6702, 386, 17771, 2234, 742, 511, 1583, 29889, 8143, 1349, 17771, 2234, 29897, 13, 4706, 1583, 29889, 13134, 877, 7194, 742, 6702, 21264, 630, 29918, 8346, 742, 511, 1583, 29889, 2798, 29254, 630, 20163, 29897, 13, 4706, 1583, 29889, 13134, 877, 2287, 18476, 742, 6702, 21264, 630, 29918, 8346, 742, 511, 1583, 29889, 8143, 29254, 630, 20163, 29897, 13, 4706, 1583, 29889, 13134, 877, 7194, 742, 6702, 29882, 391, 468, 25402, 742, 511, 1583, 29889, 2798, 29950, 391, 468, 25402, 29897, 13, 4706, 1583, 29889, 13134, 877, 2287, 18476, 742, 6702, 29882, 391, 468, 25402, 742, 511, 1583, 29889, 8143, 29950, 391, 468, 25402, 29897, 13, 4706, 1583, 29889, 13134, 877, 2287, 18476, 742, 6702, 1376, 267, 742, 525, 262, 8835, 5477, 1583, 29889, 8143, 797, 8835, 29911, 5475, 29897, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 18759, 25900, 2752, 274, 14520, 304, 6507, 7788, 322, 934, 17766, 29889, 1495, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 6406, 13, 1678, 822, 7090, 18759, 29898, 1311, 29892, 8636, 1125, 13, 4706, 1434, 353, 7090, 29918, 4422, 29889, 29883, 14520, 3401, 580, 13, 4706, 7090, 29918, 4422, 29889, 29883, 14520, 18759, 580, 13, 4706, 1156, 353, 7090, 29918, 4422, 29889, 29883, 14520, 3401, 580, 13, 4706, 396, 3462, 263, 2319, 9055, 304, 2367, 278, 2626, 29883, 3791, 931, 304, 2821, 13, 4706, 380, 3670, 603, 353, 931, 29889, 2230, 580, 718, 29871, 29945, 13, 4706, 1550, 931, 29889, 2230, 580, 529, 380, 3670, 603, 322, 738, 29898, 7045, 29961, 1989, 22322, 3880, 2033, 363, 1820, 297, 1156, 1125, 13, 9651, 931, 29889, 17059, 29898, 29900, 29889, 29896, 29897, 13, 9651, 1156, 353, 7090, 29918, 4422, 29889, 29883, 14520, 3401, 580, 13, 4706, 736, 11117, 8173, 29907, 280, 1965, 2396, 12865, 29889, 12673, 29889, 329, 29883, 3707, 3285, 525, 11083, 2396, 1434, 29892, 525, 7045, 2396, 1156, 29913, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 2577, 2472, 373, 274, 14520, 29889, 1495, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 6406, 13, 1678, 822, 7090, 3401, 29898, 1311, 29892, 8636, 1125, 13, 4706, 736, 7090, 29918, 4422, 29889, 29883, 14520, 3401, 580, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 2577, 970, 6055, 363, 2919, 1967, 2479, 29889, 1495, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 3597, 13, 1678, 822, 679, 19858, 9585, 29898, 1311, 29892, 8636, 1125, 13, 4706, 6611, 353, 518, 657, 5552, 29898, 3075, 1934, 29889, 16288, 9585, 29892, 1820, 29897, 13, 18884, 363, 1820, 297, 4516, 29898, 3075, 1934, 29889, 16288, 9585, 29897, 13, 18884, 565, 1820, 29889, 27382, 2541, 877, 29931, 1718, 1692, 29918, 2382, 29918, 1495, 29962, 13, 4706, 736, 426, 29895, 29901, 21605, 2141, 657, 29898, 29895, 29897, 363, 413, 297, 6611, 29913, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 3981, 278, 1353, 310, 22152, 266, 21145, 2066, 363, 525, 13, 462, 1678, 525, 16961, 29918, 3027, 4452, 29889, 1495, 13, 4706, 869, 3207, 877, 6550, 742, 525, 29909, 4663, 1051, 310, 266, 21145, 2702, 800, 304, 2302, 29889, 29871, 525, 13, 1669, 525, 3644, 4069, 29892, 599, 22152, 266, 17771, 2234, 526, 29115, 29889, 29871, 450, 525, 13, 1669, 525, 6550, 8232, 12234, 3160, 2920, 29892, 3171, 29892, 8025, 29892, 322, 525, 13, 1669, 525, 22331, 3987, 29889, 742, 3734, 29922, 8824, 29897, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 6406, 13, 1678, 822, 2302, 1349, 17771, 2234, 29898, 1311, 29892, 8636, 1125, 13, 4706, 736, 1583, 3032, 2798, 29907, 3791, 20163, 29898, 7529, 29889, 657, 877, 6550, 8785, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 3981, 278, 1353, 310, 22152, 6942, 1967, 2066, 363, 525, 13, 462, 1678, 525, 16961, 29918, 3027, 4452, 29889, 1495, 13, 4706, 869, 3207, 877, 3027, 2558, 742, 525, 3644, 2702, 29892, 871, 3160, 4558, 411, 278, 525, 13, 1669, 525, 6550, 2164, 1820, 742, 3734, 29922, 8824, 29897, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 6406, 13, 1678, 822, 2302, 29254, 630, 20163, 29898, 1311, 29892, 8636, 1125, 13, 4706, 736, 1583, 3032, 2798, 29907, 3791, 20163, 29898, 13, 9651, 6213, 29892, 6942, 20163, 29922, 5574, 29892, 1967, 2558, 29922, 7529, 29889, 657, 877, 3027, 2558, 8785, 13, 13, 1678, 822, 903, 2798, 29907, 3791, 20163, 29898, 1311, 29892, 1580, 29892, 6942, 20163, 29922, 8824, 29892, 1967, 2558, 29922, 8516, 1125, 13, 4706, 565, 1580, 338, 451, 6213, 29901, 13, 9651, 1018, 29901, 13, 18884, 1580, 353, 4390, 29889, 18132, 29898, 6550, 29897, 13, 18884, 565, 451, 338, 8758, 29898, 6550, 29892, 1051, 1125, 13, 462, 1678, 12020, 7865, 2392, 580, 13, 9651, 5174, 7865, 2392, 29901, 13, 18884, 12020, 11654, 2451, 877, 1576, 1580, 3443, 1818, 367, 263, 4663, 1051, 29889, 1495, 13, 9651, 1580, 353, 518, 3126, 29889, 29881, 17204, 29898, 8269, 29892, 2656, 29918, 8149, 29922, 5574, 29892, 2903, 4097, 7607, 742, 742, 525, 29901, 8785, 13, 462, 1678, 363, 6251, 297, 1580, 29962, 13, 4706, 1683, 29901, 13, 9651, 1580, 353, 518, 8516, 29962, 13, 4706, 2302, 353, 29871, 29900, 13, 4706, 363, 6251, 297, 1580, 29901, 13, 9651, 2346, 353, 11117, 275, 24105, 479, 2940, 1349, 21145, 2396, 5852, 29892, 525, 1131, 3791, 1762, 1542, 2396, 525, 667, 10827, 13, 9651, 565, 6251, 338, 451, 6213, 29901, 13, 18884, 2346, 1839, 386, 21145, 2558, 2033, 353, 6251, 13, 9651, 25342, 6942, 20163, 29901, 13, 18884, 565, 1967, 2558, 322, 337, 29889, 4352, 29898, 29878, 29915, 29985, 29961, 29900, 29899, 29929, 29909, 29899, 29999, 29874, 29899, 29920, 1822, 29394, 742, 1967, 2558, 1125, 13, 462, 1678, 2346, 1839, 386, 21145, 2558, 2033, 353, 11117, 29938, 13087, 2396, 18793, 3027, 2558, 4710, 29995, 29879, 29908, 29915, 1273, 1967, 2558, 29913, 13, 18884, 1683, 29901, 13, 462, 1678, 2346, 1839, 386, 21145, 2558, 2033, 353, 11117, 29938, 13087, 2396, 18793, 3027, 2558, 1115, 10827, 13, 9651, 2302, 4619, 3497, 2141, 2886, 29898, 1972, 467, 2798, 580, 13, 4706, 736, 2302, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 4391, 22152, 266, 21145, 2066, 515, 2919, 29918, 3027, 4452, 29889, 1495, 13, 4706, 869, 16953, 877, 4013, 10017, 263, 1887, 4982, 393, 10174, 599, 2919, 29918, 3027, 4452, 29889, 1495, 13, 4706, 869, 3207, 877, 6550, 742, 525, 29909, 4663, 1051, 310, 266, 21145, 2702, 800, 304, 1653, 29889, 29871, 525, 13, 1669, 525, 1576, 2702, 800, 12234, 3160, 2920, 29892, 3171, 29892, 8025, 29892, 525, 13, 1669, 525, 392, 8025, 3987, 29889, 1495, 13, 4706, 869, 3207, 877, 1188, 12506, 742, 525, 1576, 1353, 310, 6923, 1546, 1480, 7191, 29889, 29871, 525, 13, 1669, 525, 4013, 884, 3683, 1475, 920, 4049, 278, 11265, 4982, 338, 7120, 565, 525, 13, 1669, 525, 277, 756, 1063, 508, 346, 839, 470, 11132, 29889, 29871, 319, 995, 310, 29871, 29900, 674, 1480, 1156, 525, 13, 1669, 525, 4204, 266, 21145, 338, 7120, 470, 2825, 29889, 742, 3734, 29922, 8824, 29892, 13, 1669, 848, 1542, 2433, 7411, 1495, 13, 4706, 869, 3207, 877, 19279, 742, 525, 1576, 1353, 310, 21984, 9717, 304, 671, 746, 525, 13, 1669, 525, 28990, 266, 17771, 2234, 29889, 259, 29900, 470, 443, 6550, 2164, 304, 2967, 445, 373, 278, 525, 13, 1669, 525, 4537, 310, 8967, 274, 13364, 29889, 742, 3734, 29922, 8824, 29892, 848, 1542, 2433, 524, 1495, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 6406, 13, 1678, 822, 1653, 1349, 17771, 2234, 29898, 1311, 29892, 8636, 1125, 13, 4706, 1583, 29889, 12277, 9629, 18959, 6550, 7464, 8636, 29897, 13, 4706, 1018, 29901, 13, 9651, 1580, 353, 4390, 29889, 18132, 29898, 7529, 1839, 6550, 11287, 13, 9651, 565, 451, 338, 8758, 29898, 6550, 29892, 1051, 1125, 13, 18884, 12020, 7865, 2392, 580, 13, 4706, 5174, 7865, 2392, 29901, 13, 9651, 12020, 11654, 2451, 877, 1576, 1580, 3443, 1818, 367, 263, 4663, 1051, 29889, 1495, 13, 4706, 4236, 1349, 21145, 10547, 353, 938, 29898, 29020, 2141, 657, 29898, 13, 9651, 17727, 29889, 16288, 9585, 29889, 29931, 1718, 1692, 29918, 2382, 29918, 12648, 29918, 4690, 5005, 29933, 3521, 6227, 29918, 24483, 876, 13, 4706, 565, 4236, 1349, 21145, 10547, 5277, 29871, 29900, 29901, 13, 9651, 12020, 11654, 2451, 877, 1349, 21145, 2066, 526, 451, 9615, 29889, 1495, 13, 4706, 4982, 29968, 29893, 5085, 353, 11117, 6550, 2396, 1580, 29913, 13, 4706, 565, 8636, 29889, 657, 877, 1188, 12506, 1495, 338, 451, 6213, 29901, 13, 9651, 4982, 29968, 29893, 5085, 1839, 1188, 12506, 2033, 353, 5785, 29898, 7529, 1839, 1188, 12506, 11287, 13, 4706, 565, 8636, 29889, 657, 877, 19279, 1495, 338, 451, 6213, 29901, 13, 9651, 4982, 29968, 29893, 5085, 1839, 19279, 2033, 353, 5785, 29898, 7529, 1839, 19279, 11287, 13, 4706, 4982, 353, 17163, 2141, 3258, 7717, 11947, 29898, 13, 9651, 3883, 2433, 29887, 381, 672, 29918, 16961, 29918, 3027, 29889, 5060, 29889, 16961, 29918, 3027, 29918, 10314, 742, 13, 9651, 740, 2433, 3258, 1349, 17771, 2234, 11947, 742, 13, 9651, 9049, 5085, 29922, 9057, 29968, 29893, 5085, 29892, 13, 9651, 3611, 2433, 4391, 2919, 1967, 266, 21145, 2066, 29889, 742, 13, 9651, 1134, 2433, 16961, 29918, 3027, 29918, 3258, 29918, 386, 17771, 2234, 742, 13, 9651, 1404, 29922, 1311, 29889, 657, 7583, 2659, 3285, 13, 9651, 970, 29922, 5574, 29892, 13, 9651, 20489, 29922, 5574, 29892, 13, 4706, 1723, 13, 4706, 17163, 2141, 816, 11272, 11947, 29898, 9057, 29897, 13, 4706, 736, 4982, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 12498, 22152, 266, 21145, 2066, 515, 2919, 29918, 3027, 4452, 29889, 1495, 13, 4706, 869, 3207, 877, 6550, 742, 525, 29909, 4663, 1051, 310, 266, 21145, 2702, 800, 304, 5217, 29889, 29871, 525, 13, 1669, 525, 3644, 4069, 29892, 599, 22152, 266, 17771, 2234, 526, 11132, 29889, 29871, 450, 525, 13, 1669, 525, 6550, 8232, 12234, 3160, 2920, 29892, 3171, 29892, 8025, 29892, 322, 525, 13, 1669, 525, 22331, 3987, 29889, 742, 3734, 29922, 8824, 29897, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 6406, 13, 1678, 822, 5217, 1349, 17771, 2234, 29898, 1311, 29892, 8636, 1125, 13, 4706, 736, 1583, 3032, 8143, 29907, 3791, 20163, 29898, 7529, 29889, 657, 877, 6550, 8785, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 12498, 22152, 6942, 1967, 2066, 515, 2919, 29918, 3027, 4452, 29889, 1495, 13, 4706, 869, 3207, 877, 3027, 2558, 742, 525, 3644, 2702, 29892, 871, 3160, 4558, 411, 278, 525, 13, 1669, 525, 6550, 2164, 1820, 742, 3734, 29922, 8824, 29897, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 6406, 13, 1678, 822, 5217, 29254, 630, 20163, 29898, 1311, 29892, 8636, 1125, 13, 4706, 736, 1583, 3032, 8143, 29907, 3791, 20163, 29898, 13, 9651, 6213, 29892, 6942, 20163, 29922, 5574, 29892, 1967, 2558, 29922, 7529, 29889, 657, 877, 3027, 2558, 8785, 13, 13, 1678, 822, 903, 8143, 29907, 3791, 20163, 29898, 1311, 29892, 1580, 29892, 6942, 20163, 29922, 8824, 29892, 1967, 2558, 29922, 8516, 1125, 13, 4706, 565, 1580, 338, 451, 6213, 29901, 13, 9651, 1018, 29901, 13, 18884, 1580, 353, 4390, 29889, 18132, 29898, 6550, 29897, 13, 18884, 565, 451, 338, 8758, 29898, 6550, 29892, 1051, 1125, 13, 462, 1678, 12020, 7865, 2392, 580, 13, 9651, 5174, 7865, 2392, 29901, 13, 18884, 12020, 11654, 2451, 877, 1576, 1580, 3443, 1818, 367, 263, 4663, 1051, 29889, 1495, 13, 9651, 1580, 353, 518, 3126, 29889, 29881, 17204, 29898, 8269, 29892, 2656, 29918, 8149, 29922, 5574, 29892, 2903, 4097, 7607, 742, 742, 525, 29901, 8785, 13, 462, 1678, 363, 6251, 297, 1580, 29962, 13, 4706, 1683, 29901, 13, 9651, 1580, 353, 518, 8516, 29962, 13, 4706, 6206, 353, 29871, 29900, 13, 4706, 363, 6251, 297, 1580, 29901, 13, 9651, 2346, 353, 11117, 275, 24105, 479, 2940, 1349, 21145, 2396, 5852, 29892, 525, 1131, 3791, 1762, 1542, 2396, 525, 667, 10827, 13, 9651, 565, 6251, 338, 451, 6213, 29901, 13, 18884, 2346, 1839, 386, 21145, 2558, 2033, 353, 6251, 13, 9651, 25342, 6942, 20163, 29901, 13, 18884, 565, 1967, 2558, 322, 337, 29889, 4352, 29898, 29878, 29915, 29985, 29961, 29900, 29899, 29929, 29909, 29899, 29999, 29874, 29899, 29920, 1822, 29394, 742, 1967, 2558, 1125, 13, 462, 1678, 2346, 1839, 386, 21145, 2558, 2033, 353, 11117, 29938, 13087, 2396, 18793, 3027, 2558, 4710, 29995, 29879, 29908, 29915, 1273, 1967, 2558, 29913, 13, 18884, 1683, 29901, 13, 462, 1678, 2346, 1839, 386, 21145, 2558, 2033, 353, 11117, 29938, 13087, 2396, 18793, 3027, 2558, 1115, 10827, 13, 9651, 363, 934, 297, 3497, 2141, 2886, 29898, 1972, 1125, 13, 18884, 3497, 2141, 5992, 29898, 1445, 29897, 13, 18884, 6206, 4619, 29871, 29896, 13, 4706, 736, 6206, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 15941, 2919, 4558, 515, 4452, 988, 278, 2919, 1967, 4982, 525, 13, 462, 1678, 525, 262, 8835, 29889, 1495, 13, 4706, 869, 16953, 877, 4013, 338, 1304, 304, 5941, 701, 599, 2919, 1967, 11301, 17643, 393, 525, 13, 1669, 525, 17532, 5229, 304, 4866, 29889, 29871, 960, 263, 4982, 338, 297, 6728, 29892, 372, 674, 367, 525, 13, 1669, 525, 20713, 839, 29889, 29871, 450, 736, 995, 338, 278, 1353, 310, 4452, 393, 892, 525, 13, 1669, 525, 328, 5143, 287, 29889, 1495, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 6406, 13, 1678, 822, 5217, 797, 8835, 29911, 5475, 29898, 1311, 29892, 8636, 1125, 13, 4706, 1121, 353, 11117, 1745, 8238, 2396, 29871, 29900, 29913, 13, 4706, 1550, 5852, 29901, 13, 9651, 2944, 353, 10976, 2141, 2886, 6716, 3319, 29915, 16961, 2940, 29889, 9684, 2396, 5852, 1800, 13, 9651, 565, 451, 2944, 29901, 13, 18884, 2867, 13, 9651, 4982, 353, 17163, 2141, 1359, 29898, 667, 1839, 16961, 2940, 16215, 9057, 1204, 7464, 4889, 29922, 5574, 29897, 13, 9651, 565, 4982, 322, 4982, 29889, 657, 877, 4882, 1495, 297, 313, 13, 462, 1678, 17163, 5709, 29889, 11144, 29965, 3352, 29892, 17163, 5709, 29889, 29934, 3904, 29940, 4214, 1125, 13, 18884, 4982, 353, 17163, 2141, 20713, 11947, 29898, 9057, 29897, 13, 9651, 565, 4982, 322, 4982, 29889, 657, 877, 4882, 1495, 297, 313, 13, 462, 1678, 17163, 5709, 29889, 11144, 29965, 3352, 29892, 17163, 5709, 29889, 29934, 3904, 29940, 4214, 1125, 13, 18884, 1121, 1839, 4906, 2033, 353, 6702, 1576, 4982, 363, 2944, 1273, 29879, 1033, 451, 367, 525, 13, 462, 462, 268, 525, 29883, 749, 839, 29915, 1273, 313, 710, 29898, 667, 1839, 29918, 333, 2033, 4961, 13, 18884, 2867, 13, 9651, 7084, 2001, 2141, 8143, 29898, 667, 29897, 13, 9651, 1121, 1839, 1745, 8238, 2033, 4619, 29871, 29896, 13, 4706, 736, 1121, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 1293, 599, 21572, 672, 25900, 8974, 411, 6942, 17752, 29892, 525, 13, 462, 1678, 525, 29885, 603, 4072, 29892, 322, 6910, 29889, 29871, 27723, 1819, 12266, 263, 525, 13, 462, 1678, 525, 9812, 261, 20136, 363, 385, 6081, 310, 286, 603, 1134, 411, 393, 525, 13, 462, 1678, 525, 4993, 29889, 1495, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 3597, 13, 1678, 822, 1051, 29903, 2863, 29898, 1311, 29892, 8636, 1125, 13, 4706, 2582, 353, 6571, 13, 4706, 363, 1820, 29892, 2752, 297, 27016, 672, 29918, 1376, 267, 1167, 29889, 27635, 29954, 381, 672, 29911, 488, 29903, 2863, 29889, 7076, 7295, 13, 9651, 2582, 29961, 1989, 29962, 353, 426, 13, 18884, 525, 24299, 2396, 426, 13, 462, 1678, 413, 470, 525, 4381, 2396, 325, 363, 413, 29892, 325, 297, 2752, 29889, 24299, 29889, 7076, 580, 1118, 13, 18884, 525, 29885, 603, 10562, 2396, 426, 13, 462, 1678, 413, 470, 525, 4381, 2396, 325, 363, 413, 29892, 325, 297, 2752, 29889, 29885, 603, 10562, 29889, 7076, 580, 1118, 13, 9651, 500, 13, 9651, 363, 1067, 29879, 297, 2752, 17255, 29885, 307, 1649, 29901, 13, 18884, 1018, 29901, 13, 462, 1678, 565, 10876, 29889, 7576, 29961, 25932, 17255, 5453, 1649, 1822, 1649, 3259, 1649, 29901, 13, 462, 4706, 2582, 29961, 1989, 22322, 3259, 2033, 353, 10876, 29889, 7576, 29961, 25932, 17255, 5453, 1649, 1822, 1649, 3259, 1649, 13, 462, 4706, 2867, 13, 18884, 5174, 8960, 29901, 13, 462, 1678, 1209, 13, 4706, 736, 2582, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 3981, 278, 1353, 310, 22152, 9825, 468, 25402, 363, 2919, 29918, 3027, 4452, 29889, 1495, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 6406, 13, 1678, 822, 2302, 29950, 391, 468, 25402, 29898, 1311, 29892, 8636, 1125, 13, 4706, 2346, 353, 426, 13, 9651, 525, 275, 24105, 479, 2940, 1469, 2396, 5852, 29892, 13, 9651, 525, 1131, 3791, 1762, 1542, 2396, 525, 667, 742, 13, 9651, 525, 386, 21145, 2558, 2396, 11117, 29938, 13087, 2396, 18793, 3027, 2558, 4710, 29882, 391, 13342, 29908, 16675, 13, 4706, 500, 13, 4706, 2302, 353, 3497, 2141, 2886, 29898, 1972, 467, 2798, 580, 13, 4706, 736, 2302, 13, 13, 1678, 732, 2783, 29581, 12085, 29898, 13, 4706, 12953, 877, 12498, 22152, 9825, 468, 25402, 515, 2919, 29918, 3027, 4452, 29889, 1495, 13, 1678, 1723, 13, 1678, 732, 5943, 29889, 6406, 13, 1678, 822, 5217, 29950, 391, 468, 25402, 29898, 1311, 29892, 8636, 1125, 13, 4706, 2346, 353, 426, 13, 9651, 525, 275, 24105, 479, 2940, 1469, 2396, 5852, 29892, 13, 9651, 525, 1131, 3791, 1762, 1542, 2396, 525, 667, 742, 13, 9651, 525, 386, 21145, 2558, 2396, 11117, 29938, 13087, 2396, 18793, 3027, 2558, 4710, 29882, 391, 13342, 29908, 16675, 13, 4706, 500, 13, 4706, 6206, 353, 29871, 29900, 13, 4706, 363, 934, 297, 3497, 2141, 2886, 29898, 1972, 1125, 13, 9651, 3497, 2141, 5992, 29898, 1445, 29897, 13, 9651, 6206, 4619, 29871, 29896, 13, 4706, 736, 6206, 13, 2 ]
dante.py
jbudis/dante
4
164322
<filename>dante.py import matplotlib matplotlib.use('Agg') import os import cProfile import pstats import multiprocess import sys from datetime import datetime import traceback import logging import arguments from parser import ReadFile import prefiltering import templates import report import annotation import postfilter from annotation import Annotator import all_call def run_annot_iter(reader, annotators, filters, threads, annotated_read_prev, filtered_reads_prev, filter_on=True, report_every=100000): """ Runs the annotator iteratively and in parallel on all reads in reader. :param reader: iterator - iterative reader :param annotators: list(Annotator) - annotator classes for annotating reads :param filters: list(filters) - filters for pre-filtering reads :param threads: int - number of threads to use :param annotated_read_prev: list(int) - previously annotated reads :param filtered_reads_prev: int - previously filtered reads :param filter_on: bool - whether the filtering in subprocesses is on :param report_every: int - report progress every this number of reads :return: list(2D), int, int - list of annotations for filtered reads, number of annotated reads, number of filtered reads """ # construct shared value and lock annotated_reads = multiprocess.Array('i', annotated_read_prev) filtered_reads = multiprocess.Value('i', filtered_reads_prev) lock = multiprocess.Lock() def init_pool(l, ar, fr, an, flt, f_on, report_num): """ Initializes a pool with variables :param l: Lock - shared lock object for all processes :param ar: Array - shared Array for all processes :param fr: Array - shared Array for all processes :param an: Annotators - shared Annotators object for all processes :param flt: filter functions - filter functions for pre-filtering reads :param f_on: bool - filter is on? :param report_num: int - how often to report progress :return: None """ global lock global annotated_reads global filtered_reads global annotators global filters global filter_on global report_every lock = l annotated_reads = ar filtered_reads = fr annotators = an filters = flt filter_on = f_on report_every = report_num if PROFILE: global prof prof = cProfile.Profile() def fin(): try: with open('%s/profile-%s.out' % (config['general']['output_dir'], multiprocess.current_process().pid), "w") as f: pstats.Stats(prof, stream=f).strip_dirs().sort_stats("time").print_stats() except TypeError: # empty prof pass multiprocess.util.Finalize(None, fin, exitpriority=1) def annotate_read_sequentially(read, annotated_reads, filtered_reads, annotators, filters, filter_on, report_every, lock=None): """ Annotate a single read with global Annotator object. :param read: triple - read to be annotated :param l: Lock - shared lock object for all processes :param annotated_reads: Array - shared Array for all processes :param filtered_reads: Array - shared Array for all processes :param annotators: Annotators - shared Annotators object for all processes :param filters: filter functions - filter functions for pre-filtering reads :param filter_on: bool - filter is on? :param report_every: int - how often to report progress :param lock: lock object - if specified then use lock for printing :return: tuple - annotated read (output of Annotator), read """ # filter and annotate a read annotation = [None for _ in range(len(annotators))] for i, (annotator, filter) in enumerate(zip(annotators, filters)): annot = None if filter.filter_read(read): annot = annotator.annotate(read) annotation[i] = annot annotated_reads[i] += 1 if filter_on and not annotation[i].is_annotated_right(): annotation[i] = None # was this read correctly annotated? if config['general']['verbosity'] > 1: if lock is not None: lock.acquire() report.log_str('Read %15s annotated with Annotator %s Filter %s - %s' % ( str(read), annotator, filter, 'OK' if annotation[i] is not None else ('FLT_FAIL' if annot is None else 'ANN_FAIL'))) if lock is not None: lock.release() # write down progress filtered_reads.value += 1 # print progress if report_every > 0 and filtered_reads.value % report_every == 0: if lock is not None: lock.acquire() s = "\r processed: %8d (passed filtering: %s) %s" % (filtered_reads.value, " ".join(map(str, annotated_reads)), '{duration}'.format(duration=datetime.now() - start_time)) report.log_str(s, stdout_too=False, priority=logging.DEBUG, flush=True) sys.stdout.write(s) sys.stdout.flush() if lock is not None: lock.release() # return result return annotation def annotate_read(read): """ Annotate a single read with global Annotator object. :param read: triple - read to be annotated :return: tuple - annotated read (output of Annotator), read """ # start profiler if PROFILE: global prof prof.enable() global lock global annotated_reads global filtered_reads global annotators global filters global filter_on global report_every try: annotation = annotate_read_sequentially(read, annotated_reads, filtered_reads, annotators, filters, filter_on, report_every, lock) except Exception as e: print("Exception in child process:") traceback.print_exc() raise e # stop profiler. if PROFILE: prof.disable() # return result return annotation # crate pool and initialize it with init_pool res = [[] for _ in range(len(annotators))] pool = None if threads > 1 or config['general'].get('force_parallel', False): # print('Running in parallel ({threads} cores)'.format(threads=threads)) pool = multiprocess.Pool(threads, initializer=init_pool, initargs=(lock, annotated_reads, filtered_reads, annotators, filters, filter_on, report_every)) results = pool.map(annotate_read, reader, chunksize=100) else: # print('Running sequentially') results = (annotate_read_sequentially(read, annotated_reads, filtered_reads, annotators, filters, filter_on, report_every) for read in reader) report.log_str("Threads initialized, processing reads...") # go through all results for partial_res in results: for i, pr in enumerate(partial_res): if pr is not None: res[i].append(pr) if pool is not None: pool.close() pool.join() if report_every > 0: print('') return res, filtered_reads.value, annotated_reads def construct_annotator(motif): """ Construct Annotator and prefilter based on motif. :param motif: dict - motif specification :return: Annotator, *Filter - annotator and prefilter constructed """ sequence = ','.join([module_dict['seq'] for module_dict in motif['modules']]) motif_tuple = report.seq_into_tuple(sequence) # initialize annotator if not config['general']['quiet_mode']: report.log_str("Motif %12s: Constructing annotator for sequence %s" % (motif['full_name'], sequence)) annotator = Annotator(motif_tuple, config['annotation']['delete_prob'], config['annotation']['insert_prob'], config['annotation']['max_delete_skips'], config['annotation']['motif_frequency'], config['annotation']['snp_chance']) # initialize filter read_filter = prefiltering.create_filter(motif['prefilter'], motif_tuple) if not config['general']['quiet_mode']: report.log_str("Motif %12s: Filter constructed: %s" % (motif['full_name'], str(read_filter))) return annotator, read_filter """ Start of real code: whole dante annotation algorithm. """ if __name__ == "__main__": # print time of the start: start_time = datetime.now() print(templates.START_TIME.format(start=start_time)) # load arguments config = arguments.load_arguments() # start profiling if needed prog_prof = None PROFILE = config['general']['profiler'] if PROFILE: prog_prof = cProfile.Profile() prog_prof.enable() # initialize logging module: report.configure_logger("%s/dante.log" % config['general']['output_dir']) report.log_str(templates.START_TIME.format(start=start_time), stdout_too=False) # print arguments (too clunky) # report.log_str(arguments.save_arguments(config)) #if not config['skip_annotation']: # deduplicated reads dedup_ap = [[] for _ in range(len(config['motifs']))] # go through all motifs and construct annotators and filters: annotators = [] filters = [] # create annotator generator if len(config['motifs']) > 100 and config['general']['cpu'] > 1: report.log_str('Annotators processing in parallel on {cpu} cores.'.format(cpu=config['general']['cpu'])) pool = multiprocess.Pool(config['general']['cpu']) results = pool.imap(construct_annotator, config['motifs']) else: report.log_str('Annotators processing sequentially.') results = (construct_annotator(motif) for motif in config['motifs']) # fill annotators for i, (annotator, read_filter) in enumerate(results): if config['general']['quiet_mode'] and i % 100 == 0: report.log_str('Constructing annotators: {i:6d}/{cnt:6d} {date:%Y-%m-%d %H:%M:%S}'.format(i=i, cnt=len(config['motifs']), date=datetime.now())) annotators.append(annotator) filters.append(read_filter) # main annotation all_reads = 0 annotations = [[] for _ in range(len(annotators))] annotated_reads = [0] * len(annotations) readers = [] # read reads from specific region in bam?, read unmapped reads? bam = True include_unmapped = False for motif in config['motifs']: if 'chromosome' not in motif: bam = False include_unmapped = False break elif 'include_unmapped' in motif and motif['include_unmapped']: include_unmapped = True for input_file in config['inputs']: # initialize reader read_filename = input_file['path'] file_type = None if input_file['filetype'] == 'infer' else input_file['filetype'] max_reads = None if input_file['max_reads'] == 'all' else input_file['max_reads'] if bam: # annotate specified reads for every motif report.log_str(f"Parsing file {read_filename} (bam type)") for i, motif in enumerate(config['motifs']): if config['general']['quiet_mode'] and i % 100 == 0: report.log_str('Running annotators: {i:6d}/{cnt:6d} {date:%Y-%m-%d %H:%M:%S}'.format(i=i, cnt=len(config['motifs']), date=datetime.now())) min_mapq = None if 'min_mapq' not in motif else motif['min_mapq'] read_file = ReadFile(read_filename, config['general']['stranded'], max_reads, file_type, config['general']['verbosity'], motif['chromosome'], motif['ref_start'], motif['ref_end'], min_mapq=min_mapq) # initialize annotator and filter for current motif annot = [annotators[i]] filt = [filters[i]] areads = [annotated_reads[i]] readers.append(read_file) # run annotator for current motif report.log_str(f"Running annotator on {config['general']['cpu']} process(es) for file {read_filename} and motif {motif['description']}", stdout_too=not config['general']['quiet_mode']) next_annotations, cur_reads, areads = run_annot_iter(read_file, annot, filt, 1, areads, all_reads, not config['general']['output_all'], 0 if config['general']['quiet_mode'] else config['general']['report_every']) new_reads = cur_reads - all_reads all_reads += new_reads annotated_reads[i] = areads[0] annotations[i].extend(next_annotations[0]) # write stats for current file and motif report.log_str("Reads: %10d, annotated: %s" % (new_reads, ' '.join(map(str, map(len, next_annotations)))), stdout_too=not config['general']['quiet_mode']) if not bam or include_unmapped: if read_filename == 'sys.stdin': read_file = ReadFile(None, config['general']['stranded'], max_reads, file_type, verbosity=config['general']['verbosity'], unmapped=include_unmapped) else: read_file = ReadFile(read_filename, config['general']['stranded'], max_reads, file_type, verbosity=config['general']['verbosity'], unmapped=include_unmapped) report.log_str("Parsing file %s (%s type) with parser %s %s " % (read_filename, read_file.file_type, read_file.__class__.__name__, read_file.reader.__name__)) # run annotators report.log_str("Running %d annotator(s) on %2d process(es) for file %s" % (len(annotators), config['general']['cpu'], read_filename)) readers.append(read_file) next_annotations, cur_reads, annotated_reads = run_annot_iter(read_file, annotators, filters, config['general']['cpu'], annotated_reads, all_reads, not config['general']['output_all'], 0 if config['general']['quiet_mode'] else config['general']['report_every']) new_reads = cur_reads - all_reads all_reads += new_reads for i, pr in enumerate(next_annotations): annotations[i].extend(pr) # write stats for current file if not config['general']['quiet_mode']: report.log_str("Reads: %10d, annotated: %s" % (new_reads, ' '.join(map(str, map(len, next_annotations))))) # write read distribution report.write_read_distribution('%s/read_distr.npy' % config['general']['output_dir'], readers) # write stats for i, (motif, annot) in enumerate(zip(config['motifs'], annotations)): report.log_str('Motif %12s: Kept %8d/%8d reads' % (motif['full_name'], len(annot), all_reads), stdout_too=not config['general']['quiet_mode']) # setup motif sequences and dir motif_dir = '%s/%s' % (config['general']['output_dir'], motif['full_name']) sequence = ','.join([module_dict['seq'] for module_dict in motif['modules']]) motif_tuple = report.seq_into_tuple(sequence) # convert to annotation pairs, deduplicate and convert back annotation_pairs = annotation.annotations_to_pairs(annot) dedup_ap[i], duplicates = annotation.remove_pcr_duplicates(annotation_pairs) # report them if not config['general']['quiet_mode']: if not os.path.exists(motif_dir): os.makedirs(motif_dir) report.write_annotation_pairs('%s/annotation_pairs.txt' % motif_dir, dedup_ap[i]) report.write_annotation_pairs('%s/annotation_pairs_duplicates.txt' % motif_dir, duplicates) # log it report.log_str('Motif %12s: %8d reads -- %8d pairs (%8d deduplicated + %8d PCR duplicates)' % ( motif['full_name'], len(annot), len(annotation_pairs), len(dedup_ap[i]), len(duplicates)), stdout_too=not config['general']['quiet_mode']) # go through all motifs for j, pstf in enumerate(motif['postfilter']): # setup post filtering - no primers, insufficient quality, ... postfilter_class = postfilter.Postfilter(pstf, motif_tuple) # get indices index_rep, index_rep2 = postfilter_class.get_indexes() # write index into config back: config['motifs'][i]['postfilter'][j]['index_rep'] = index_rep # deduplicated annotations (for each pair we keep only one): dedup_annot = annotation.pairs_to_annotations_pick(dedup_ap[i], index_rep - 1) # log it if not config['general']['quiet_mode']: report.log_str('Motif %12s: Extracted %8d reads from %8d pairs' % (motif['full_name'], len(dedup_annot), len(dedup_ap[i])), stdout_too=not config['general']['quiet_mode']) # get filtered stuff report.log_str("Motif %12s: Running post-filtering for %s required repetitions and %s required bases" % (motif['full_name'], pstf['repetitions'], pstf['bases']), stdout_too=not config['general']['quiet_mode']) qual_annot, primer_annot, filt_annot = postfilter_class.get_filtered(dedup_annot) report.log_str("Motif %12s: Post-filtered %5d (at least one primer %5d), remained %5d" % (motif['full_name'], len(filt_annot), len(primer_annot), len(qual_annot)), stdout_too=not config['general']['quiet_mode']) # write it to files report.log_str("Motif %12s: Generating output files into %s" % (motif['full_name'], motif_dir), stdout_too=not config['general']['quiet_mode']) report.write_all(qual_annot, primer_annot, filt_annot, dedup_ap[i], all_reads, motif_dir, motif['modules'], index_rep, index_rep2, j, config['general']['quiet_mode']) # -------- All_Call part of DANTE # run all_call for i, motif in enumerate(config['motifs']): sequence = ','.join([module_dict['seq'] for module_dict in motif['modules']]) motif_tuple = report.seq_into_tuple(sequence) motif_dir = '%s/%s' % (config['general']['output_dir'], motif['full_name']) for j, pstf in enumerate(motif['postfilter']): # setup post filtering - no primers, insufficient quality, ... postfilter_class = postfilter.Postfilter(pstf, motif_tuple) # get indices index_rep, index_rep2 = postfilter_class.get_indexes() # write index into config back: config['motifs'][i]['postfilter'][j]['index_rep'] = index_rep # and strings rep_seq = motif['modules'][index_rep - 1]['seq'] len_str = len(rep_seq.split('-')[1]) # is it normal or 2-index? if index_rep2 is not None: rep_seq = motif['modules'][index_rep2 - 1]['seq'] # len_str2 = len(rep_seq.split('-')[1]) continue # don't do a thing for now # deduplicated annotations (for each pair we keep only one): dedup_annot = annotation.pairs_to_annotations_pick(dedup_ap[i], index_rep - 1) # get filtered stuff qual_annot, primer_annot, _ = postfilter_class.get_filtered(dedup_annot) postfilter_bases = postfilter_class.get_filtering_bases() # load read distribution read_distribution = report.load_read_distribution('%s/read_distr.npy' % config['general']['output_dir']) # run inference inference = all_call.Inference(read_distribution, config['allcall']['param_file'], str_rep=len_str, minl_primer1=postfilter_bases[index_rep - 2], minl_primer2=postfilter_bases[index_rep], minl_str=postfilter_bases[index_rep - 1]) file_pcolor = '%s/pcolor_%d' % (motif_dir, j + 1) if config['general']['quiet_mode']: file_pcolor = None file_output = '%s/allcall_%d.txt' % (motif_dir, j + 1) inference.all_call(qual_annot, primer_annot, index_rep - 1, file_pcolor, file_output, motif['full_name']) # write the report confidence = report.read_all_call('%s/allcall_%d.txt' % (motif_dir, j + 1)) if confidence is not None: conf, a1, a2, c1, c2, _, _, _, _ = confidence if not config['general']['quiet_mode']: if isinstance(a1, int) and a1 > 0: report.write_alignment('%s/alignment_%d_a%d.fasta' % (motif_dir, j + 1, a1), qual_annot, index_rep - 1, allele=a1) if isinstance(a2, int) and a2 != a1 and a2 != 0: report.write_alignment('%s/alignment_%d_a%d.fasta' % (motif_dir, j + 1, a2), qual_annot, index_rep - 1, allele=a2) # -------- generation of reports and finalizing # generate report and output files for whole run report.log_str('Generating final report') report.write_report(config['general']['output_dir'], config['motifs'], config['general']['output_dir'], config['general']['quiet_mode']) # print the time of the end: end_time = datetime.now() report.log_str('DANTE Stopping : {finish:%Y-%m-%d %H:%M:%S}'.format(finish=end_time)) report.log_str('Total time of run : {duration}'.format(duration=end_time - start_time)) # stop profiler: if PROFILE: prog_prof.disable() with open('%s/profile-main.out' % config['general']['output_dir'], "w") as f: pstats.Stats(prog_prof, stream=f).strip_dirs().sort_stats("time").print_stats()
[ 1, 529, 9507, 29958, 29881, 1647, 29889, 2272, 13, 5215, 22889, 13, 13, 2922, 17357, 29889, 1509, 877, 29909, 1505, 1495, 13, 13, 5215, 2897, 13, 5215, 274, 13909, 13, 5215, 282, 16202, 13, 5215, 6674, 307, 985, 13, 5215, 10876, 13, 3166, 12865, 1053, 12865, 13, 5215, 9637, 1627, 13, 5215, 12183, 13, 13, 5215, 6273, 13, 3166, 13812, 1053, 7523, 2283, 13, 5215, 758, 4572, 292, 13, 5215, 17475, 13, 5215, 3461, 13, 5215, 17195, 13, 5215, 1400, 4572, 13, 3166, 17195, 1053, 530, 1333, 1061, 13, 5215, 599, 29918, 4804, 13, 13, 13, 1753, 1065, 29918, 6735, 29918, 1524, 29898, 16950, 29892, 9732, 4097, 29892, 18094, 29892, 9717, 29892, 9732, 630, 29918, 949, 29918, 16304, 29892, 22289, 29918, 949, 29879, 29918, 16304, 29892, 4175, 29918, 265, 29922, 5574, 29892, 3461, 29918, 17991, 29922, 29896, 29900, 29900, 29900, 29900, 29900, 1125, 13, 1678, 9995, 13, 1678, 390, 6948, 278, 9732, 1061, 4256, 6703, 322, 297, 8943, 373, 599, 13623, 297, 9591, 29889, 13, 1678, 584, 3207, 9591, 29901, 20380, 448, 4256, 1230, 9591, 13, 1678, 584, 3207, 9732, 4097, 29901, 1051, 29898, 2744, 1333, 1061, 29897, 448, 9732, 1061, 4413, 363, 9732, 1218, 13623, 13, 1678, 584, 3207, 18094, 29901, 1051, 29898, 26705, 29897, 448, 18094, 363, 758, 29899, 4572, 292, 13623, 13, 1678, 584, 3207, 9717, 29901, 938, 448, 1353, 310, 9717, 304, 671, 13, 1678, 584, 3207, 9732, 630, 29918, 949, 29918, 16304, 29901, 1051, 29898, 524, 29897, 448, 9251, 9732, 630, 13623, 13, 1678, 584, 3207, 22289, 29918, 949, 29879, 29918, 16304, 29901, 938, 448, 9251, 22289, 13623, 13, 1678, 584, 3207, 4175, 29918, 265, 29901, 6120, 448, 3692, 278, 21166, 297, 1014, 5014, 267, 338, 373, 13, 1678, 584, 3207, 3461, 29918, 17991, 29901, 938, 448, 3461, 6728, 1432, 445, 1353, 310, 13623, 13, 1678, 584, 2457, 29901, 1051, 29898, 29906, 29928, 511, 938, 29892, 938, 448, 1051, 310, 25495, 363, 22289, 13623, 29892, 1353, 310, 9732, 630, 13623, 29892, 1353, 310, 22289, 13623, 13, 1678, 9995, 13, 13, 1678, 396, 3386, 7258, 995, 322, 7714, 13, 1678, 9732, 630, 29918, 949, 29879, 353, 6674, 307, 985, 29889, 2588, 877, 29875, 742, 9732, 630, 29918, 949, 29918, 16304, 29897, 13, 1678, 22289, 29918, 949, 29879, 353, 6674, 307, 985, 29889, 1917, 877, 29875, 742, 22289, 29918, 949, 29879, 29918, 16304, 29897, 13, 1678, 7714, 353, 6674, 307, 985, 29889, 16542, 580, 13, 13, 1678, 822, 2069, 29918, 10109, 29898, 29880, 29892, 564, 29892, 1424, 29892, 385, 29892, 1652, 29873, 29892, 285, 29918, 265, 29892, 3461, 29918, 1949, 1125, 13, 4706, 9995, 13, 4706, 17250, 7093, 263, 11565, 411, 3651, 13, 4706, 584, 3207, 301, 29901, 18199, 448, 7258, 7714, 1203, 363, 599, 10174, 13, 4706, 584, 3207, 564, 29901, 4398, 448, 7258, 4398, 363, 599, 10174, 13, 4706, 584, 3207, 1424, 29901, 4398, 448, 7258, 4398, 363, 599, 10174, 13, 4706, 584, 3207, 385, 29901, 530, 1333, 4097, 448, 7258, 530, 1333, 4097, 1203, 363, 599, 10174, 13, 4706, 584, 3207, 1652, 29873, 29901, 4175, 3168, 448, 4175, 3168, 363, 758, 29899, 4572, 292, 13623, 13, 4706, 584, 3207, 285, 29918, 265, 29901, 6120, 448, 4175, 338, 373, 29973, 13, 4706, 584, 3207, 3461, 29918, 1949, 29901, 938, 448, 920, 4049, 304, 3461, 6728, 13, 4706, 584, 2457, 29901, 6213, 13, 4706, 9995, 13, 4706, 5534, 7714, 13, 4706, 5534, 9732, 630, 29918, 949, 29879, 13, 4706, 5534, 22289, 29918, 949, 29879, 13, 4706, 5534, 9732, 4097, 13, 4706, 5534, 18094, 13, 4706, 5534, 4175, 29918, 265, 13, 4706, 5534, 3461, 29918, 17991, 13, 4706, 7714, 353, 301, 13, 4706, 9732, 630, 29918, 949, 29879, 353, 564, 13, 4706, 22289, 29918, 949, 29879, 353, 1424, 13, 4706, 9732, 4097, 353, 385, 13, 4706, 18094, 353, 1652, 29873, 13, 4706, 4175, 29918, 265, 353, 285, 29918, 265, 13, 4706, 3461, 29918, 17991, 353, 3461, 29918, 1949, 13, 13, 4706, 565, 13756, 7724, 29901, 13, 9651, 5534, 2600, 13, 9651, 2600, 353, 274, 13909, 29889, 13909, 580, 13, 13, 9651, 822, 1436, 7295, 13, 18884, 1018, 29901, 13, 462, 1678, 411, 1722, 877, 29995, 29879, 29914, 10185, 19222, 29879, 29889, 449, 29915, 1273, 313, 2917, 1839, 17492, 16215, 4905, 29918, 3972, 7464, 6674, 307, 985, 29889, 3784, 29918, 5014, 2141, 5935, 511, 376, 29893, 1159, 408, 285, 29901, 13, 462, 4706, 282, 16202, 29889, 25060, 29898, 23221, 29892, 4840, 29922, 29888, 467, 17010, 29918, 3972, 29879, 2141, 6605, 29918, 16202, 703, 2230, 2564, 2158, 29918, 16202, 580, 13, 18884, 5174, 20948, 29901, 29871, 396, 4069, 2600, 13, 462, 1678, 1209, 13, 13, 9651, 6674, 307, 985, 29889, 4422, 29889, 15790, 675, 29898, 8516, 29892, 1436, 29892, 6876, 29886, 21766, 29922, 29896, 29897, 13, 13, 1678, 822, 9732, 403, 29918, 949, 29918, 6831, 9247, 29898, 949, 29892, 9732, 630, 29918, 949, 29879, 29892, 22289, 29918, 949, 29879, 29892, 9732, 4097, 29892, 18094, 29892, 4175, 29918, 265, 29892, 3461, 29918, 17991, 29892, 7714, 29922, 8516, 1125, 13, 4706, 9995, 13, 4706, 530, 1333, 403, 263, 2323, 1303, 411, 5534, 530, 1333, 1061, 1203, 29889, 13, 4706, 584, 3207, 1303, 29901, 21954, 448, 1303, 304, 367, 9732, 630, 13, 4706, 584, 3207, 301, 29901, 18199, 448, 7258, 7714, 1203, 363, 599, 10174, 13, 4706, 584, 3207, 9732, 630, 29918, 949, 29879, 29901, 4398, 448, 7258, 4398, 363, 599, 10174, 13, 4706, 584, 3207, 22289, 29918, 949, 29879, 29901, 4398, 448, 7258, 4398, 363, 599, 10174, 13, 4706, 584, 3207, 9732, 4097, 29901, 530, 1333, 4097, 448, 7258, 530, 1333, 4097, 1203, 363, 599, 10174, 13, 4706, 584, 3207, 18094, 29901, 4175, 3168, 448, 4175, 3168, 363, 758, 29899, 4572, 292, 13623, 13, 4706, 584, 3207, 4175, 29918, 265, 29901, 6120, 448, 4175, 338, 373, 29973, 13, 4706, 584, 3207, 3461, 29918, 17991, 29901, 938, 448, 920, 4049, 304, 3461, 6728, 13, 4706, 584, 3207, 7714, 29901, 7714, 1203, 448, 565, 6790, 769, 671, 7714, 363, 14010, 13, 4706, 584, 2457, 29901, 18761, 448, 9732, 630, 1303, 313, 4905, 310, 530, 1333, 1061, 511, 1303, 13, 4706, 9995, 13, 4706, 396, 4175, 322, 9732, 403, 263, 1303, 13, 4706, 17195, 353, 518, 8516, 363, 903, 297, 3464, 29898, 2435, 29898, 6735, 4097, 28166, 13, 4706, 363, 474, 29892, 313, 6735, 1061, 29892, 4175, 29897, 297, 26985, 29898, 7554, 29898, 6735, 4097, 29892, 18094, 22164, 13, 9651, 9732, 353, 6213, 13, 9651, 565, 4175, 29889, 4572, 29918, 949, 29898, 949, 1125, 13, 18884, 9732, 353, 9732, 1061, 29889, 6735, 403, 29898, 949, 29897, 13, 18884, 17195, 29961, 29875, 29962, 353, 9732, 13, 18884, 9732, 630, 29918, 949, 29879, 29961, 29875, 29962, 4619, 29871, 29896, 13, 18884, 565, 4175, 29918, 265, 322, 451, 17195, 29961, 29875, 1822, 275, 29918, 6735, 630, 29918, 1266, 7295, 13, 462, 1678, 17195, 29961, 29875, 29962, 353, 6213, 13, 13, 18884, 396, 471, 445, 1303, 5149, 9732, 630, 29973, 13, 18884, 565, 2295, 1839, 17492, 16215, 18248, 359, 537, 2033, 1405, 29871, 29896, 29901, 13, 462, 1678, 565, 7714, 338, 451, 6213, 29901, 13, 462, 4706, 7714, 29889, 562, 1548, 580, 13, 462, 1678, 3461, 29889, 1188, 29918, 710, 877, 6359, 1273, 29896, 29945, 29879, 9732, 630, 411, 530, 1333, 1061, 1273, 29879, 19916, 1273, 29879, 448, 1273, 29879, 29915, 1273, 313, 13, 462, 4706, 851, 29898, 949, 511, 9732, 1061, 29892, 4175, 29892, 525, 8949, 29915, 565, 17195, 29961, 29875, 29962, 338, 451, 6213, 1683, 6702, 29943, 5850, 29918, 4519, 6227, 29915, 565, 9732, 338, 6213, 1683, 525, 2190, 29940, 29918, 4519, 6227, 29915, 4961, 13, 462, 1678, 565, 7714, 338, 451, 6213, 29901, 13, 462, 4706, 7714, 29889, 14096, 580, 13, 13, 4706, 396, 2436, 1623, 6728, 13, 4706, 22289, 29918, 949, 29879, 29889, 1767, 4619, 29871, 29896, 13, 13, 4706, 396, 1596, 6728, 13, 4706, 565, 3461, 29918, 17991, 1405, 29871, 29900, 322, 22289, 29918, 949, 29879, 29889, 1767, 1273, 3461, 29918, 17991, 1275, 29871, 29900, 29901, 13, 9651, 565, 7714, 338, 451, 6213, 29901, 13, 18884, 7714, 29889, 562, 1548, 580, 13, 9651, 269, 353, 6634, 29878, 1678, 19356, 29901, 1273, 29947, 29881, 313, 3364, 287, 21166, 29901, 1273, 29879, 29897, 1273, 29879, 29908, 1273, 313, 4572, 287, 29918, 949, 29879, 29889, 1767, 29892, 376, 11393, 7122, 29898, 1958, 29898, 710, 29892, 9732, 630, 29918, 949, 29879, 8243, 22372, 19708, 29913, 4286, 4830, 29898, 19708, 29922, 12673, 29889, 3707, 580, 448, 1369, 29918, 2230, 876, 13, 9651, 3461, 29889, 1188, 29918, 710, 29898, 29879, 29892, 27591, 29918, 517, 29877, 29922, 8824, 29892, 20136, 29922, 21027, 29889, 18525, 29892, 28371, 29922, 5574, 29897, 13, 9651, 10876, 29889, 25393, 29889, 3539, 29898, 29879, 29897, 13, 9651, 10876, 29889, 25393, 29889, 23126, 580, 13, 9651, 565, 7714, 338, 451, 6213, 29901, 13, 18884, 7714, 29889, 14096, 580, 13, 13, 4706, 396, 736, 1121, 13, 4706, 736, 17195, 13, 13, 1678, 822, 9732, 403, 29918, 949, 29898, 949, 1125, 13, 4706, 9995, 13, 4706, 530, 1333, 403, 263, 2323, 1303, 411, 5534, 530, 1333, 1061, 1203, 29889, 13, 4706, 584, 3207, 1303, 29901, 21954, 448, 1303, 304, 367, 9732, 630, 13, 4706, 584, 2457, 29901, 18761, 448, 9732, 630, 1303, 313, 4905, 310, 530, 1333, 1061, 511, 1303, 13, 4706, 9995, 13, 4706, 396, 1369, 20077, 261, 13, 4706, 565, 13756, 7724, 29901, 13, 9651, 5534, 2600, 13, 9651, 2600, 29889, 12007, 580, 13, 13, 4706, 5534, 7714, 13, 4706, 5534, 9732, 630, 29918, 949, 29879, 13, 4706, 5534, 22289, 29918, 949, 29879, 13, 4706, 5534, 9732, 4097, 13, 4706, 5534, 18094, 13, 4706, 5534, 4175, 29918, 265, 13, 4706, 5534, 3461, 29918, 17991, 13, 13, 4706, 1018, 29901, 13, 9651, 17195, 353, 9732, 403, 29918, 949, 29918, 6831, 9247, 29898, 949, 29892, 9732, 630, 29918, 949, 29879, 29892, 22289, 29918, 949, 29879, 29892, 9732, 4097, 29892, 18094, 29892, 4175, 29918, 265, 29892, 3461, 29918, 17991, 29892, 7714, 29897, 13, 4706, 5174, 8960, 408, 321, 29901, 13, 9651, 1596, 703, 2451, 297, 2278, 1889, 29901, 1159, 13, 9651, 9637, 1627, 29889, 2158, 29918, 735, 29883, 580, 13, 9651, 12020, 321, 13, 13, 4706, 396, 5040, 20077, 261, 29889, 13, 4706, 565, 13756, 7724, 29901, 13, 9651, 2600, 29889, 20472, 580, 13, 13, 4706, 396, 736, 1121, 13, 4706, 736, 17195, 13, 13, 1678, 396, 2181, 403, 11565, 322, 11905, 372, 411, 2069, 29918, 10109, 13, 1678, 620, 353, 518, 2636, 363, 903, 297, 3464, 29898, 2435, 29898, 6735, 4097, 28166, 13, 1678, 11565, 353, 6213, 13, 1678, 565, 9717, 1405, 29871, 29896, 470, 2295, 1839, 17492, 13359, 657, 877, 10118, 29918, 23482, 742, 7700, 1125, 13, 4706, 396, 1596, 877, 27795, 297, 8943, 21313, 28993, 29913, 28337, 29897, 4286, 4830, 29898, 28993, 29922, 28993, 876, 13, 4706, 11565, 353, 6674, 307, 985, 29889, 11426, 29898, 28993, 29892, 2847, 3950, 29922, 2344, 29918, 10109, 29892, 2069, 5085, 7607, 908, 29892, 9732, 630, 29918, 949, 29879, 29892, 22289, 29918, 949, 29879, 29892, 9732, 4097, 29892, 18094, 29892, 4175, 29918, 265, 29892, 3461, 29918, 17991, 876, 13, 4706, 2582, 353, 11565, 29889, 1958, 29898, 6735, 403, 29918, 949, 29892, 9591, 29892, 521, 18801, 675, 29922, 29896, 29900, 29900, 29897, 13, 1678, 1683, 29901, 13, 4706, 396, 1596, 877, 27795, 8617, 9247, 1495, 13, 4706, 2582, 353, 313, 6735, 403, 29918, 949, 29918, 6831, 9247, 29898, 949, 29892, 9732, 630, 29918, 949, 29879, 29892, 22289, 29918, 949, 29879, 29892, 9732, 4097, 29892, 18094, 29892, 4175, 29918, 265, 29892, 3461, 29918, 17991, 29897, 363, 1303, 297, 9591, 29897, 13, 1678, 3461, 29889, 1188, 29918, 710, 703, 4899, 29879, 16601, 29892, 9068, 13623, 856, 1159, 13, 13, 1678, 396, 748, 1549, 599, 2582, 13, 1678, 363, 7687, 29918, 690, 297, 2582, 29901, 13, 4706, 363, 474, 29892, 544, 297, 26985, 29898, 3846, 29918, 690, 1125, 13, 9651, 565, 544, 338, 451, 6213, 29901, 13, 18884, 620, 29961, 29875, 1822, 4397, 29898, 558, 29897, 13, 13, 1678, 565, 11565, 338, 451, 6213, 29901, 13, 4706, 11565, 29889, 5358, 580, 13, 4706, 11565, 29889, 7122, 580, 13, 13, 1678, 565, 3461, 29918, 17991, 1405, 29871, 29900, 29901, 13, 4706, 1596, 877, 1495, 13, 1678, 736, 620, 29892, 22289, 29918, 949, 29879, 29889, 1767, 29892, 9732, 630, 29918, 949, 29879, 13, 13, 13, 1753, 3386, 29918, 6735, 1061, 29898, 14817, 361, 1125, 13, 1678, 9995, 13, 1678, 1281, 4984, 530, 1333, 1061, 322, 758, 4572, 2729, 373, 3184, 361, 29889, 13, 1678, 584, 3207, 3184, 361, 29901, 9657, 448, 3184, 361, 21992, 13, 1678, 584, 2457, 29901, 530, 1333, 1061, 29892, 334, 5072, 448, 9732, 1061, 322, 758, 4572, 13319, 13, 1678, 9995, 13, 1678, 5665, 353, 13420, 4286, 7122, 4197, 5453, 29918, 8977, 1839, 11762, 2033, 363, 3883, 29918, 8977, 297, 3184, 361, 1839, 7576, 2033, 2314, 13, 1678, 3184, 361, 29918, 23583, 353, 3461, 29889, 11762, 29918, 8941, 29918, 23583, 29898, 16506, 29897, 13, 13, 1678, 396, 11905, 9732, 1061, 13, 1678, 565, 451, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 2033, 29901, 13, 4706, 3461, 29889, 1188, 29918, 710, 703, 29924, 327, 361, 1273, 29896, 29906, 29879, 29901, 1281, 4984, 292, 9732, 1061, 363, 5665, 1273, 29879, 29908, 1273, 313, 14817, 361, 1839, 8159, 29918, 978, 7464, 5665, 876, 13, 1678, 9732, 1061, 353, 530, 1333, 1061, 29898, 14817, 361, 29918, 23583, 29892, 2295, 1839, 18317, 16215, 8143, 29918, 22795, 7464, 2295, 1839, 18317, 16215, 7851, 29918, 22795, 7464, 13, 462, 3986, 2295, 1839, 18317, 16215, 3317, 29918, 8143, 29918, 2574, 567, 7464, 2295, 1839, 18317, 16215, 14817, 361, 29918, 10745, 23860, 7464, 13, 462, 3986, 2295, 1839, 18317, 16215, 29879, 9302, 29918, 305, 749, 11287, 13, 13, 1678, 396, 11905, 4175, 13, 1678, 1303, 29918, 4572, 353, 758, 4572, 292, 29889, 3258, 29918, 4572, 29898, 14817, 361, 1839, 29886, 999, 309, 357, 7464, 3184, 361, 29918, 23583, 29897, 13, 1678, 565, 451, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 2033, 29901, 13, 4706, 3461, 29889, 1188, 29918, 710, 703, 29924, 327, 361, 1273, 29896, 29906, 29879, 29901, 19916, 13319, 29901, 1273, 29879, 29908, 1273, 313, 14817, 361, 1839, 8159, 29918, 978, 7464, 851, 29898, 949, 29918, 4572, 4961, 13, 13, 1678, 736, 9732, 1061, 29892, 1303, 29918, 4572, 13, 13, 13, 15945, 29908, 13, 4763, 310, 1855, 775, 29901, 3353, 270, 1647, 17195, 5687, 29889, 13, 15945, 29908, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 1678, 396, 1596, 931, 310, 278, 1369, 29901, 13, 1678, 1369, 29918, 2230, 353, 12865, 29889, 3707, 580, 13, 1678, 1596, 29898, 20943, 29889, 25826, 29918, 15307, 29889, 4830, 29898, 2962, 29922, 2962, 29918, 2230, 876, 13, 13, 1678, 396, 2254, 6273, 13, 1678, 2295, 353, 6273, 29889, 1359, 29918, 25699, 580, 13, 13, 1678, 396, 1369, 20077, 292, 565, 4312, 13, 1678, 410, 29887, 29918, 23221, 353, 6213, 13, 1678, 13756, 7724, 353, 2295, 1839, 17492, 16215, 771, 1777, 261, 2033, 13, 1678, 565, 13756, 7724, 29901, 13, 4706, 410, 29887, 29918, 23221, 353, 274, 13909, 29889, 13909, 580, 13, 4706, 410, 29887, 29918, 23221, 29889, 12007, 580, 13, 13, 1678, 396, 11905, 12183, 3883, 29901, 13, 1678, 3461, 29889, 17591, 29918, 21707, 11702, 29879, 29914, 29881, 1647, 29889, 1188, 29908, 1273, 2295, 1839, 17492, 16215, 4905, 29918, 3972, 11287, 13, 1678, 3461, 29889, 1188, 29918, 710, 29898, 20943, 29889, 25826, 29918, 15307, 29889, 4830, 29898, 2962, 29922, 2962, 29918, 2230, 511, 27591, 29918, 517, 29877, 29922, 8824, 29897, 13, 13, 1678, 396, 1596, 6273, 313, 517, 29877, 1067, 2960, 29891, 29897, 13, 1678, 396, 3461, 29889, 1188, 29918, 710, 29898, 25699, 29889, 7620, 29918, 25699, 29898, 2917, 876, 13, 13, 1678, 396, 361, 451, 2295, 1839, 11014, 29918, 18317, 2033, 29901, 13, 1678, 396, 28262, 786, 9169, 13623, 13, 1678, 28262, 786, 29918, 481, 353, 518, 2636, 363, 903, 297, 3464, 29898, 2435, 29898, 2917, 1839, 14817, 10270, 25901, 29962, 13, 13, 1678, 396, 748, 1549, 599, 3184, 10270, 322, 3386, 9732, 4097, 322, 18094, 29901, 13, 1678, 9732, 4097, 353, 5159, 13, 1678, 18094, 353, 5159, 13, 13, 1678, 396, 1653, 9732, 1061, 15299, 13, 1678, 565, 7431, 29898, 2917, 1839, 14817, 10270, 11287, 1405, 29871, 29896, 29900, 29900, 322, 2295, 1839, 17492, 16215, 21970, 2033, 1405, 29871, 29896, 29901, 13, 4706, 3461, 29889, 1188, 29918, 710, 877, 2744, 1333, 4097, 9068, 297, 8943, 373, 426, 21970, 29913, 28337, 29889, 4286, 4830, 29898, 21970, 29922, 2917, 1839, 17492, 16215, 21970, 25901, 13, 4706, 11565, 353, 6674, 307, 985, 29889, 11426, 29898, 2917, 1839, 17492, 16215, 21970, 11287, 13, 4706, 2582, 353, 11565, 29889, 326, 481, 29898, 11433, 29918, 6735, 1061, 29892, 2295, 1839, 14817, 10270, 11287, 13, 1678, 1683, 29901, 13, 4706, 3461, 29889, 1188, 29918, 710, 877, 2744, 1333, 4097, 9068, 8617, 9247, 29889, 1495, 13, 4706, 2582, 353, 313, 11433, 29918, 6735, 1061, 29898, 14817, 361, 29897, 363, 3184, 361, 297, 2295, 1839, 14817, 10270, 11287, 13, 13, 1678, 396, 5445, 9732, 4097, 13, 1678, 363, 474, 29892, 313, 6735, 1061, 29892, 1303, 29918, 4572, 29897, 297, 26985, 29898, 9902, 1125, 13, 4706, 565, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 2033, 322, 474, 1273, 29871, 29896, 29900, 29900, 1275, 29871, 29900, 29901, 13, 9651, 3461, 29889, 1188, 29918, 710, 877, 1168, 4984, 292, 9732, 4097, 29901, 426, 29875, 29901, 29953, 29881, 6822, 29912, 20047, 29901, 29953, 29881, 29913, 259, 426, 1256, 16664, 29979, 19222, 29885, 19222, 29881, 1273, 29950, 16664, 29924, 16664, 29903, 29913, 4286, 4830, 29898, 29875, 29922, 29875, 29892, 274, 593, 29922, 2435, 29898, 2917, 1839, 14817, 10270, 2033, 511, 2635, 29922, 12673, 29889, 3707, 22130, 13, 4706, 9732, 4097, 29889, 4397, 29898, 6735, 1061, 29897, 13, 4706, 18094, 29889, 4397, 29898, 949, 29918, 4572, 29897, 13, 13, 1678, 396, 1667, 17195, 13, 1678, 599, 29918, 949, 29879, 353, 29871, 29900, 13, 1678, 25495, 353, 518, 2636, 363, 903, 297, 3464, 29898, 2435, 29898, 6735, 4097, 28166, 13, 1678, 9732, 630, 29918, 949, 29879, 353, 518, 29900, 29962, 334, 7431, 29898, 6735, 800, 29897, 13, 1678, 22176, 353, 5159, 13, 13, 1678, 396, 1303, 13623, 515, 2702, 5120, 297, 289, 314, 14579, 1303, 443, 655, 2986, 13623, 29973, 13, 1678, 289, 314, 353, 5852, 13, 1678, 3160, 29918, 348, 655, 2986, 353, 7700, 13, 13, 1678, 363, 3184, 361, 297, 2295, 1839, 14817, 10270, 2033, 29901, 13, 4706, 565, 525, 27433, 359, 608, 29915, 451, 297, 3184, 361, 29901, 13, 9651, 289, 314, 353, 7700, 13, 9651, 3160, 29918, 348, 655, 2986, 353, 7700, 13, 9651, 2867, 13, 4706, 25342, 525, 2856, 29918, 348, 655, 2986, 29915, 297, 3184, 361, 322, 3184, 361, 1839, 2856, 29918, 348, 655, 2986, 2033, 29901, 13, 9651, 3160, 29918, 348, 655, 2986, 353, 5852, 13, 13, 1678, 363, 1881, 29918, 1445, 297, 2295, 1839, 2080, 29879, 2033, 29901, 13, 13, 4706, 396, 11905, 9591, 13, 4706, 1303, 29918, 9507, 353, 1881, 29918, 1445, 1839, 2084, 2033, 13, 4706, 934, 29918, 1853, 353, 6213, 565, 1881, 29918, 1445, 1839, 1445, 1853, 2033, 1275, 525, 262, 571, 29915, 1683, 1881, 29918, 1445, 1839, 1445, 1853, 2033, 13, 4706, 4236, 29918, 949, 29879, 353, 6213, 565, 1881, 29918, 1445, 1839, 3317, 29918, 949, 29879, 2033, 1275, 525, 497, 29915, 1683, 1881, 29918, 1445, 1839, 3317, 29918, 949, 29879, 2033, 13, 13, 4706, 565, 289, 314, 29901, 13, 9651, 396, 9732, 403, 6790, 13623, 363, 1432, 3184, 361, 13, 9651, 3461, 29889, 1188, 29918, 710, 29898, 29888, 29908, 29925, 1503, 292, 934, 426, 949, 29918, 9507, 29913, 313, 29890, 314, 1134, 25760, 13, 9651, 363, 474, 29892, 3184, 361, 297, 26985, 29898, 2917, 1839, 14817, 10270, 2033, 1125, 13, 18884, 565, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 2033, 322, 474, 1273, 29871, 29896, 29900, 29900, 1275, 29871, 29900, 29901, 13, 462, 1678, 3461, 29889, 1188, 29918, 710, 877, 27795, 9732, 4097, 29901, 426, 29875, 29901, 29953, 29881, 6822, 29912, 20047, 29901, 29953, 29881, 29913, 259, 426, 1256, 16664, 29979, 19222, 29885, 19222, 29881, 1273, 29950, 16664, 29924, 16664, 29903, 29913, 4286, 4830, 29898, 29875, 29922, 29875, 29892, 274, 593, 29922, 2435, 29898, 2917, 1839, 14817, 10270, 2033, 511, 2635, 29922, 12673, 29889, 3707, 22130, 13, 18884, 1375, 29918, 1958, 29939, 353, 6213, 565, 525, 1195, 29918, 1958, 29939, 29915, 451, 297, 3184, 361, 1683, 3184, 361, 1839, 1195, 29918, 1958, 29939, 2033, 13, 18884, 1303, 29918, 1445, 353, 7523, 2283, 29898, 949, 29918, 9507, 29892, 2295, 1839, 17492, 16215, 710, 392, 287, 7464, 4236, 29918, 949, 29879, 29892, 934, 29918, 1853, 29892, 2295, 1839, 17492, 16215, 18248, 359, 537, 7464, 3184, 361, 1839, 27433, 359, 608, 7464, 3184, 361, 1839, 999, 29918, 2962, 7464, 3184, 361, 1839, 999, 29918, 355, 7464, 1375, 29918, 1958, 29939, 29922, 1195, 29918, 1958, 29939, 29897, 13, 13, 18884, 396, 11905, 9732, 1061, 322, 4175, 363, 1857, 3184, 361, 13, 18884, 9732, 353, 518, 6735, 4097, 29961, 29875, 5262, 13, 18884, 977, 29873, 353, 518, 26705, 29961, 29875, 5262, 13, 18884, 526, 7925, 353, 518, 6735, 630, 29918, 949, 29879, 29961, 29875, 5262, 13, 18884, 22176, 29889, 4397, 29898, 949, 29918, 1445, 29897, 13, 13, 18884, 396, 1065, 9732, 1061, 363, 1857, 3184, 361, 13, 18884, 3461, 29889, 1188, 29918, 710, 29898, 29888, 29908, 27795, 9732, 1061, 373, 426, 2917, 1839, 17492, 16215, 21970, 2033, 29913, 1889, 29898, 267, 29897, 363, 934, 426, 949, 29918, 9507, 29913, 322, 3184, 361, 426, 14817, 361, 1839, 8216, 2033, 17671, 13, 462, 1669, 27591, 29918, 517, 29877, 29922, 1333, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 11287, 13, 18884, 2446, 29918, 6735, 800, 29892, 3151, 29918, 949, 29879, 29892, 526, 7925, 353, 1065, 29918, 6735, 29918, 1524, 29898, 949, 29918, 1445, 29892, 9732, 29892, 977, 29873, 29892, 29871, 29896, 29892, 526, 7925, 29892, 599, 29918, 949, 29879, 29892, 13, 462, 462, 462, 462, 268, 451, 2295, 1839, 17492, 16215, 4905, 29918, 497, 7464, 29871, 29900, 565, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 2033, 1683, 2295, 1839, 17492, 16215, 12276, 29918, 17991, 11287, 13, 18884, 716, 29918, 949, 29879, 353, 3151, 29918, 949, 29879, 448, 599, 29918, 949, 29879, 13, 18884, 599, 29918, 949, 29879, 4619, 716, 29918, 949, 29879, 13, 18884, 9732, 630, 29918, 949, 29879, 29961, 29875, 29962, 353, 526, 7925, 29961, 29900, 29962, 13, 18884, 25495, 29961, 29875, 1822, 21843, 29898, 4622, 29918, 6735, 800, 29961, 29900, 2314, 13, 13, 18884, 396, 2436, 22663, 363, 1857, 934, 322, 3184, 361, 13, 18884, 3461, 29889, 1188, 29918, 710, 703, 6359, 29879, 29901, 1273, 29896, 29900, 29881, 29892, 9732, 630, 29901, 1273, 29879, 29908, 1273, 313, 1482, 29918, 949, 29879, 29892, 525, 15300, 7122, 29898, 1958, 29898, 710, 29892, 2910, 29898, 2435, 29892, 2446, 29918, 6735, 800, 4961, 511, 27591, 29918, 517, 29877, 29922, 1333, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 11287, 13, 13, 4706, 565, 451, 289, 314, 470, 3160, 29918, 348, 655, 2986, 29901, 13, 9651, 565, 1303, 29918, 9507, 1275, 525, 9675, 29889, 4172, 262, 2396, 13, 18884, 1303, 29918, 1445, 353, 7523, 2283, 29898, 8516, 29892, 2295, 1839, 17492, 16215, 710, 392, 287, 7464, 4236, 29918, 949, 29879, 29892, 934, 29918, 1853, 29892, 9750, 359, 537, 29922, 2917, 1839, 17492, 16215, 18248, 359, 537, 7464, 443, 655, 2986, 29922, 2856, 29918, 348, 655, 2986, 29897, 13, 9651, 1683, 29901, 13, 18884, 1303, 29918, 1445, 353, 7523, 2283, 29898, 949, 29918, 9507, 29892, 2295, 1839, 17492, 16215, 710, 392, 287, 7464, 4236, 29918, 949, 29879, 29892, 934, 29918, 1853, 29892, 9750, 359, 537, 29922, 2917, 1839, 17492, 16215, 18248, 359, 537, 7464, 443, 655, 2986, 29922, 2856, 29918, 348, 655, 2986, 29897, 13, 13, 9651, 3461, 29889, 1188, 29918, 710, 703, 29925, 1503, 292, 934, 1273, 29879, 313, 29995, 29879, 1134, 29897, 411, 13812, 1273, 29879, 1273, 29879, 376, 1273, 313, 949, 29918, 9507, 29892, 1303, 29918, 1445, 29889, 1445, 29918, 1853, 29892, 1303, 29918, 1445, 17255, 1990, 1649, 17255, 978, 1649, 29892, 1303, 29918, 1445, 29889, 16950, 17255, 978, 1649, 876, 13, 13, 9651, 396, 1065, 9732, 4097, 13, 9651, 3461, 29889, 1188, 29918, 710, 703, 27795, 1273, 29881, 9732, 1061, 29898, 29879, 29897, 373, 1273, 29906, 29881, 1889, 29898, 267, 29897, 363, 934, 1273, 29879, 29908, 1273, 313, 2435, 29898, 6735, 4097, 511, 2295, 1839, 17492, 16215, 21970, 7464, 1303, 29918, 9507, 876, 13, 9651, 22176, 29889, 4397, 29898, 949, 29918, 1445, 29897, 13, 9651, 2446, 29918, 6735, 800, 29892, 3151, 29918, 949, 29879, 29892, 9732, 630, 29918, 949, 29879, 353, 1065, 29918, 6735, 29918, 1524, 29898, 949, 29918, 1445, 29892, 9732, 4097, 29892, 18094, 29892, 2295, 1839, 17492, 16215, 21970, 7464, 9732, 630, 29918, 949, 29879, 29892, 599, 29918, 949, 29879, 29892, 13, 462, 462, 462, 462, 3986, 451, 2295, 1839, 17492, 16215, 4905, 29918, 497, 7464, 29871, 29900, 565, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 2033, 1683, 2295, 1839, 17492, 16215, 12276, 29918, 17991, 11287, 13, 9651, 716, 29918, 949, 29879, 353, 3151, 29918, 949, 29879, 448, 599, 29918, 949, 29879, 13, 9651, 599, 29918, 949, 29879, 4619, 716, 29918, 949, 29879, 13, 9651, 363, 474, 29892, 544, 297, 26985, 29898, 4622, 29918, 6735, 800, 1125, 13, 18884, 25495, 29961, 29875, 1822, 21843, 29898, 558, 29897, 13, 13, 9651, 396, 2436, 22663, 363, 1857, 934, 13, 9651, 565, 451, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 2033, 29901, 13, 18884, 3461, 29889, 1188, 29918, 710, 703, 6359, 29879, 29901, 1273, 29896, 29900, 29881, 29892, 9732, 630, 29901, 1273, 29879, 29908, 1273, 313, 1482, 29918, 949, 29879, 29892, 525, 15300, 7122, 29898, 1958, 29898, 710, 29892, 2910, 29898, 2435, 29892, 2446, 29918, 6735, 800, 876, 4961, 13, 13, 1678, 396, 2436, 1303, 4978, 13, 1678, 3461, 29889, 3539, 29918, 949, 29918, 27691, 877, 29995, 29879, 29914, 949, 29918, 29881, 2132, 29889, 29876, 2272, 29915, 1273, 2295, 1839, 17492, 16215, 4905, 29918, 3972, 7464, 22176, 29897, 13, 13, 1678, 396, 2436, 22663, 13, 1678, 363, 474, 29892, 313, 14817, 361, 29892, 9732, 29897, 297, 26985, 29898, 7554, 29898, 2917, 1839, 14817, 10270, 7464, 25495, 22164, 13, 13, 4706, 3461, 29889, 1188, 29918, 710, 877, 29924, 327, 361, 1273, 29896, 29906, 29879, 29901, 4813, 415, 1273, 29947, 29881, 22584, 29947, 29881, 13623, 29915, 1273, 313, 14817, 361, 1839, 8159, 29918, 978, 7464, 7431, 29898, 6735, 511, 599, 29918, 949, 29879, 511, 27591, 29918, 517, 29877, 29922, 1333, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 11287, 13, 13, 4706, 396, 6230, 3184, 361, 15602, 322, 4516, 13, 4706, 3184, 361, 29918, 3972, 353, 14210, 29879, 22584, 29879, 29915, 1273, 313, 2917, 1839, 17492, 16215, 4905, 29918, 3972, 7464, 3184, 361, 1839, 8159, 29918, 978, 11287, 13, 4706, 5665, 353, 13420, 4286, 7122, 4197, 5453, 29918, 8977, 1839, 11762, 2033, 363, 3883, 29918, 8977, 297, 3184, 361, 1839, 7576, 2033, 2314, 13, 4706, 3184, 361, 29918, 23583, 353, 3461, 29889, 11762, 29918, 8941, 29918, 23583, 29898, 16506, 29897, 13, 13, 4706, 396, 3588, 304, 17195, 11000, 29892, 28262, 786, 5926, 322, 3588, 1250, 13, 4706, 17195, 29918, 29886, 7121, 353, 17195, 29889, 6735, 800, 29918, 517, 29918, 29886, 7121, 29898, 6735, 29897, 13, 4706, 28262, 786, 29918, 481, 29961, 29875, 1402, 20955, 353, 17195, 29889, 5992, 29918, 6739, 29878, 29918, 20908, 15815, 29898, 18317, 29918, 29886, 7121, 29897, 13, 13, 4706, 396, 3461, 963, 13, 4706, 565, 451, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 2033, 29901, 13, 9651, 565, 451, 2897, 29889, 2084, 29889, 9933, 29898, 14817, 361, 29918, 3972, 1125, 13, 18884, 2897, 29889, 29885, 12535, 12935, 29898, 14817, 361, 29918, 3972, 29897, 13, 13, 9651, 3461, 29889, 3539, 29918, 18317, 29918, 29886, 7121, 877, 29995, 29879, 29914, 18317, 29918, 29886, 7121, 29889, 3945, 29915, 1273, 3184, 361, 29918, 3972, 29892, 28262, 786, 29918, 481, 29961, 29875, 2314, 13, 9651, 3461, 29889, 3539, 29918, 18317, 29918, 29886, 7121, 877, 29995, 29879, 29914, 18317, 29918, 29886, 7121, 29918, 20908, 15815, 29889, 3945, 29915, 1273, 3184, 361, 29918, 3972, 29892, 20955, 29897, 13, 13, 4706, 396, 1480, 372, 13, 4706, 3461, 29889, 1188, 29918, 710, 877, 29924, 327, 361, 1273, 29896, 29906, 29879, 29901, 1273, 29947, 29881, 13623, 1192, 1273, 29947, 29881, 11000, 313, 29995, 29947, 29881, 28262, 786, 9169, 718, 1273, 29947, 29881, 9609, 29934, 20955, 16029, 1273, 313, 13, 9651, 3184, 361, 1839, 8159, 29918, 978, 7464, 7431, 29898, 6735, 511, 7431, 29898, 18317, 29918, 29886, 7121, 511, 7431, 29898, 7176, 786, 29918, 481, 29961, 29875, 11724, 7431, 29898, 20908, 15815, 8243, 27591, 29918, 517, 29877, 29922, 1333, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 11287, 13, 13, 4706, 396, 748, 1549, 599, 3184, 10270, 13, 4706, 363, 432, 29892, 282, 303, 29888, 297, 26985, 29898, 14817, 361, 1839, 2490, 4572, 2033, 1125, 13, 9651, 396, 6230, 1400, 21166, 448, 694, 1903, 414, 29892, 1663, 29884, 4543, 11029, 29892, 2023, 13, 9651, 1400, 4572, 29918, 1990, 353, 1400, 4572, 29889, 6747, 4572, 29898, 29886, 303, 29888, 29892, 3184, 361, 29918, 23583, 29897, 13, 13, 9651, 396, 679, 16285, 13, 9651, 2380, 29918, 3445, 29892, 2380, 29918, 3445, 29906, 353, 1400, 4572, 29918, 1990, 29889, 657, 29918, 2248, 267, 580, 13, 13, 9651, 396, 2436, 2380, 964, 2295, 1250, 29901, 13, 9651, 2295, 1839, 14817, 10270, 2033, 29961, 29875, 22322, 2490, 4572, 2033, 29961, 29926, 22322, 2248, 29918, 3445, 2033, 353, 2380, 29918, 3445, 13, 13, 9651, 396, 28262, 786, 9169, 25495, 313, 1454, 1269, 5101, 591, 3013, 871, 697, 1125, 13, 9651, 28262, 786, 29918, 6735, 353, 17195, 29889, 29886, 7121, 29918, 517, 29918, 6735, 800, 29918, 23945, 29898, 7176, 786, 29918, 481, 29961, 29875, 1402, 2380, 29918, 3445, 448, 29871, 29896, 29897, 13, 13, 9651, 396, 1480, 372, 13, 9651, 565, 451, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 2033, 29901, 13, 18884, 3461, 29889, 1188, 29918, 710, 877, 29924, 327, 361, 1273, 29896, 29906, 29879, 29901, 7338, 1461, 287, 1273, 29947, 29881, 13623, 515, 1273, 29947, 29881, 11000, 29915, 1273, 313, 14817, 361, 1839, 8159, 29918, 978, 7464, 7431, 29898, 7176, 786, 29918, 6735, 511, 7431, 29898, 7176, 786, 29918, 481, 29961, 29875, 2314, 511, 27591, 29918, 517, 29877, 29922, 1333, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 11287, 13, 13, 9651, 396, 679, 22289, 6433, 13, 9651, 3461, 29889, 1188, 29918, 710, 703, 29924, 327, 361, 1273, 29896, 29906, 29879, 29901, 19509, 1400, 29899, 4572, 292, 363, 1273, 29879, 3734, 21159, 2187, 322, 1273, 29879, 3734, 22561, 29908, 1273, 313, 14817, 361, 1839, 8159, 29918, 978, 7464, 282, 303, 29888, 1839, 3445, 300, 2187, 7464, 282, 303, 29888, 1839, 29890, 2129, 2033, 511, 13, 462, 965, 27591, 29918, 517, 29877, 29922, 1333, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 11287, 13, 9651, 4021, 29918, 6735, 29892, 7130, 29918, 6735, 29892, 977, 29873, 29918, 6735, 353, 1400, 4572, 29918, 1990, 29889, 657, 29918, 4572, 287, 29898, 7176, 786, 29918, 6735, 29897, 13, 9651, 3461, 29889, 1188, 29918, 710, 703, 29924, 327, 361, 1273, 29896, 29906, 29879, 29901, 4918, 29899, 4572, 287, 1273, 29945, 29881, 313, 271, 3203, 697, 7130, 1273, 29945, 29881, 511, 9488, 1273, 29945, 29881, 29908, 1273, 313, 14817, 361, 1839, 8159, 29918, 978, 7464, 7431, 29898, 1777, 29873, 29918, 6735, 511, 7431, 29898, 558, 4193, 29918, 6735, 511, 7431, 29898, 15380, 29918, 6735, 8243, 13, 462, 965, 27591, 29918, 517, 29877, 29922, 1333, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 11287, 13, 13, 9651, 396, 2436, 372, 304, 2066, 13, 9651, 3461, 29889, 1188, 29918, 710, 703, 29924, 327, 361, 1273, 29896, 29906, 29879, 29901, 3251, 1218, 1962, 2066, 964, 1273, 29879, 29908, 1273, 313, 14817, 361, 1839, 8159, 29918, 978, 7464, 3184, 361, 29918, 3972, 511, 27591, 29918, 517, 29877, 29922, 1333, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 11287, 13, 9651, 3461, 29889, 3539, 29918, 497, 29898, 15380, 29918, 6735, 29892, 7130, 29918, 6735, 29892, 977, 29873, 29918, 6735, 29892, 28262, 786, 29918, 481, 29961, 29875, 1402, 599, 29918, 949, 29879, 29892, 3184, 361, 29918, 3972, 29892, 3184, 361, 1839, 7576, 7464, 2380, 29918, 3445, 29892, 2380, 29918, 3445, 29906, 29892, 432, 29892, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 11287, 13, 13, 1678, 396, 448, 26589, 2178, 29918, 5594, 760, 310, 360, 2190, 4330, 13, 13, 1678, 396, 1065, 599, 29918, 4804, 13, 1678, 363, 474, 29892, 3184, 361, 297, 26985, 29898, 2917, 1839, 14817, 10270, 2033, 1125, 13, 13, 4706, 5665, 353, 13420, 4286, 7122, 4197, 5453, 29918, 8977, 1839, 11762, 2033, 363, 3883, 29918, 8977, 297, 3184, 361, 1839, 7576, 2033, 2314, 13, 4706, 3184, 361, 29918, 23583, 353, 3461, 29889, 11762, 29918, 8941, 29918, 23583, 29898, 16506, 29897, 13, 4706, 3184, 361, 29918, 3972, 353, 14210, 29879, 22584, 29879, 29915, 1273, 313, 2917, 1839, 17492, 16215, 4905, 29918, 3972, 7464, 3184, 361, 1839, 8159, 29918, 978, 11287, 13, 13, 4706, 363, 432, 29892, 282, 303, 29888, 297, 26985, 29898, 14817, 361, 1839, 2490, 4572, 2033, 1125, 13, 13, 9651, 396, 6230, 1400, 21166, 448, 694, 1903, 414, 29892, 1663, 29884, 4543, 11029, 29892, 2023, 13, 9651, 1400, 4572, 29918, 1990, 353, 1400, 4572, 29889, 6747, 4572, 29898, 29886, 303, 29888, 29892, 3184, 361, 29918, 23583, 29897, 13, 13, 9651, 396, 679, 16285, 13, 9651, 2380, 29918, 3445, 29892, 2380, 29918, 3445, 29906, 353, 1400, 4572, 29918, 1990, 29889, 657, 29918, 2248, 267, 580, 13, 13, 9651, 396, 2436, 2380, 964, 2295, 1250, 29901, 13, 9651, 2295, 1839, 14817, 10270, 2033, 29961, 29875, 22322, 2490, 4572, 2033, 29961, 29926, 22322, 2248, 29918, 3445, 2033, 353, 2380, 29918, 3445, 13, 13, 9651, 396, 322, 6031, 13, 9651, 1634, 29918, 11762, 353, 3184, 361, 1839, 7576, 2033, 29961, 2248, 29918, 3445, 448, 29871, 29896, 22322, 11762, 2033, 13, 9651, 7431, 29918, 710, 353, 7431, 29898, 3445, 29918, 11762, 29889, 5451, 877, 29899, 29861, 29896, 2314, 13, 13, 9651, 396, 338, 372, 4226, 470, 29871, 29906, 29899, 2248, 29973, 13, 9651, 565, 2380, 29918, 3445, 29906, 338, 451, 6213, 29901, 13, 18884, 1634, 29918, 11762, 353, 3184, 361, 1839, 7576, 2033, 29961, 2248, 29918, 3445, 29906, 448, 29871, 29896, 22322, 11762, 2033, 13, 18884, 396, 7431, 29918, 710, 29906, 353, 7431, 29898, 3445, 29918, 11762, 29889, 5451, 877, 29899, 29861, 29896, 2314, 13, 18884, 6773, 29871, 396, 1016, 29915, 29873, 437, 263, 2655, 363, 1286, 13, 13, 9651, 396, 28262, 786, 9169, 25495, 313, 1454, 1269, 5101, 591, 3013, 871, 697, 1125, 13, 9651, 28262, 786, 29918, 6735, 353, 17195, 29889, 29886, 7121, 29918, 517, 29918, 6735, 800, 29918, 23945, 29898, 7176, 786, 29918, 481, 29961, 29875, 1402, 2380, 29918, 3445, 448, 29871, 29896, 29897, 13, 13, 9651, 396, 679, 22289, 6433, 13, 9651, 4021, 29918, 6735, 29892, 7130, 29918, 6735, 29892, 903, 353, 1400, 4572, 29918, 1990, 29889, 657, 29918, 4572, 287, 29898, 7176, 786, 29918, 6735, 29897, 13, 9651, 1400, 4572, 29918, 29890, 2129, 353, 1400, 4572, 29918, 1990, 29889, 657, 29918, 4572, 292, 29918, 29890, 2129, 580, 13, 13, 9651, 396, 2254, 1303, 4978, 13, 9651, 1303, 29918, 27691, 353, 3461, 29889, 1359, 29918, 949, 29918, 27691, 877, 29995, 29879, 29914, 949, 29918, 29881, 2132, 29889, 29876, 2272, 29915, 1273, 2295, 1839, 17492, 16215, 4905, 29918, 3972, 11287, 13, 13, 9651, 396, 1065, 27262, 13, 9651, 27262, 353, 599, 29918, 4804, 29889, 797, 1659, 29898, 949, 29918, 27691, 29892, 2295, 1839, 497, 4804, 16215, 3207, 29918, 1445, 7464, 851, 29918, 3445, 29922, 2435, 29918, 710, 29892, 13, 462, 462, 965, 1375, 29880, 29918, 558, 4193, 29896, 29922, 2490, 4572, 29918, 29890, 2129, 29961, 2248, 29918, 3445, 448, 29871, 29906, 1402, 1375, 29880, 29918, 558, 4193, 29906, 29922, 2490, 4572, 29918, 29890, 2129, 29961, 2248, 29918, 3445, 1402, 1375, 29880, 29918, 710, 29922, 2490, 4572, 29918, 29890, 2129, 29961, 2248, 29918, 3445, 448, 29871, 29896, 2314, 13, 9651, 934, 29918, 29886, 2780, 353, 14210, 29879, 29914, 29886, 2780, 29918, 29995, 29881, 29915, 1273, 313, 14817, 361, 29918, 3972, 29892, 432, 718, 29871, 29896, 29897, 13, 9651, 565, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 2033, 29901, 13, 18884, 934, 29918, 29886, 2780, 353, 6213, 13, 9651, 934, 29918, 4905, 353, 14210, 29879, 29914, 497, 4804, 29918, 29995, 29881, 29889, 3945, 29915, 1273, 313, 14817, 361, 29918, 3972, 29892, 432, 718, 29871, 29896, 29897, 13, 9651, 27262, 29889, 497, 29918, 4804, 29898, 15380, 29918, 6735, 29892, 7130, 29918, 6735, 29892, 2380, 29918, 3445, 448, 29871, 29896, 29892, 934, 29918, 29886, 2780, 29892, 934, 29918, 4905, 29892, 3184, 361, 1839, 8159, 29918, 978, 11287, 13, 13, 9651, 396, 2436, 278, 3461, 13, 9651, 16420, 353, 3461, 29889, 949, 29918, 497, 29918, 4804, 877, 29995, 29879, 29914, 497, 4804, 29918, 29995, 29881, 29889, 3945, 29915, 1273, 313, 14817, 361, 29918, 3972, 29892, 432, 718, 29871, 29896, 876, 13, 9651, 565, 16420, 338, 451, 6213, 29901, 13, 18884, 1970, 29892, 263, 29896, 29892, 263, 29906, 29892, 274, 29896, 29892, 274, 29906, 29892, 17117, 17117, 17117, 903, 353, 16420, 13, 18884, 565, 451, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 2033, 29901, 13, 462, 1678, 565, 338, 8758, 29898, 29874, 29896, 29892, 938, 29897, 322, 263, 29896, 1405, 29871, 29900, 29901, 13, 462, 4706, 3461, 29889, 3539, 29918, 2520, 358, 877, 29995, 29879, 29914, 2520, 358, 29918, 29995, 29881, 29918, 29874, 29995, 29881, 29889, 29888, 5427, 29915, 1273, 313, 14817, 361, 29918, 3972, 29892, 432, 718, 29871, 29896, 29892, 263, 29896, 511, 4021, 29918, 6735, 29892, 2380, 29918, 3445, 448, 29871, 29896, 29892, 4788, 280, 29922, 29874, 29896, 29897, 13, 462, 1678, 565, 338, 8758, 29898, 29874, 29906, 29892, 938, 29897, 322, 263, 29906, 2804, 263, 29896, 322, 263, 29906, 2804, 29871, 29900, 29901, 13, 462, 4706, 3461, 29889, 3539, 29918, 2520, 358, 877, 29995, 29879, 29914, 2520, 358, 29918, 29995, 29881, 29918, 29874, 29995, 29881, 29889, 29888, 5427, 29915, 1273, 313, 14817, 361, 29918, 3972, 29892, 432, 718, 29871, 29896, 29892, 263, 29906, 511, 4021, 29918, 6735, 29892, 2380, 29918, 3445, 448, 29871, 29896, 29892, 4788, 280, 29922, 29874, 29906, 29897, 13, 13, 1678, 396, 448, 26589, 12623, 310, 13676, 322, 2186, 5281, 13, 13, 1678, 396, 5706, 3461, 322, 1962, 2066, 363, 3353, 1065, 13, 1678, 3461, 29889, 1188, 29918, 710, 877, 5631, 1218, 2186, 3461, 1495, 13, 1678, 3461, 29889, 3539, 29918, 12276, 29898, 2917, 1839, 17492, 16215, 4905, 29918, 3972, 7464, 2295, 1839, 14817, 10270, 7464, 2295, 1839, 17492, 16215, 4905, 29918, 3972, 7464, 2295, 1839, 17492, 16215, 339, 2035, 29918, 8513, 11287, 13, 13, 1678, 396, 1596, 278, 931, 310, 278, 1095, 29901, 13, 1678, 1095, 29918, 2230, 353, 12865, 29889, 3707, 580, 13, 1678, 3461, 29889, 1188, 29918, 710, 877, 29928, 2190, 4330, 6639, 3262, 1678, 584, 426, 4951, 728, 16664, 29979, 19222, 29885, 19222, 29881, 1273, 29950, 16664, 29924, 16664, 29903, 29913, 4286, 4830, 29898, 4951, 728, 29922, 355, 29918, 2230, 876, 13, 1678, 3461, 29889, 1188, 29918, 710, 877, 11536, 931, 310, 1065, 584, 426, 19708, 29913, 4286, 4830, 29898, 19708, 29922, 355, 29918, 2230, 448, 1369, 29918, 2230, 876, 13, 13, 1678, 396, 5040, 20077, 261, 29901, 13, 1678, 565, 13756, 7724, 29901, 13, 4706, 410, 29887, 29918, 23221, 29889, 20472, 580, 13, 4706, 411, 1722, 877, 29995, 29879, 29914, 10185, 29899, 3396, 29889, 449, 29915, 1273, 2295, 1839, 17492, 16215, 4905, 29918, 3972, 7464, 376, 29893, 1159, 408, 285, 29901, 13, 9651, 282, 16202, 29889, 25060, 29898, 29097, 29918, 23221, 29892, 4840, 29922, 29888, 467, 17010, 29918, 3972, 29879, 2141, 6605, 29918, 16202, 703, 2230, 2564, 2158, 29918, 16202, 580, 13, 2 ]
QuillSourceProcessor.py
Sturtuk/IND_langTras
78
149853
<reponame>Sturtuk/IND_langTras<filename>QuillSourceProcessor.py # -*- coding: utf-8 -*- # @Date : Jul 13, 2016 # @Author : <NAME>, <NAME> # @Version : 1 import QuillLanguage as qlang import QuillEngXlit as xlit import re import const import primaryHelper class QuillSourceProcessor(object): def __init__(self): useCCart=True bengaliDefFile='Bengali_Vrinda.xml' bengaliKnowledgeInput='bengali' gujaratiDefFile='Gujarati_Shruti.xml' gujaratiKnowledgeInput='gujarati' hindiDefFile='Hindi_Mangal.xml' hindiKnowledgeInput='hindi' hindiMobileDefFile='Hindi_Mangal_Mobile.xml' hindiMobileKnowledgeInput='hindiMobile' kannadaDefFile='Kannada_Tunga.xml' kannadaKnowledgeInput='kannada' kannadaMobileDefFile='Kannada_Tunga_Mobile.xml' kannadaMobileKnowledgeInput='kannada_list_mobile.txt' malayalamDefFile='Malayalam_Kartika.xml' malayalamKnowledgeInput='malayalam' malayalamMobileDefFile='Malayalam_Kartika_Mobile.xml' malayalamMobileKnowledgeInput='malayalam_list_mobile.txt' marathiDefFile='Marathi_Mangal.xml' marathiKnowledgeInput='marathi' marathiMobileDefFile='Marathi_Mangal_Mobile.xml' marathiMobileKnowledgeInput='marathi_list_mobile.txt' nepaliDefFile='Nepali_Mangal.xml' nepaliKnowledgeInput='nepali' punjabiDefFile='Punjabi_Raavi.xml' punjabiKnowledgeInput='punjabi' tamilDefFile='Tamil_Latha.xml' tamilKnowledgeInput='tamil' tamilMobileDefFile='Tamil_Latha_Mobile.xml' tamilMobileKnowledgeInput='tamil_list_mobile.txt' teluguDefFile='Telugu_Raavi.xml' teluguKnowledgeInput='telugu' teluguMobileDefFile='Telugu_Raavi_Mobile.xml' teluguMobileKnowledgeInput='telugu_list_mobile.txt' self.scriptEngines = {'english':None, 'bengali':qlang.QuillLanguage(bengaliDefFile,bengaliKnowledgeInput,useCCart), #'gujarati':qlang.QuillLanguage(gujaratiDefFile,gujaratiKnowledgeInput,useCCart), #'hindi':qlang.QuillLanguage(hindiDefFile,hindiKnowledgeInput,useCCart), #'hindiMobile':qlang.QuillLanguage(hindiMobileDefFile,hindiMobileKnowledgeInput,useCCart), #'kannada':qlang.QuillLanguage(kannadaDefFile,kannadaKnowledgeInput,useCCart), #'kannadaMobile':qlang.QuillLanguage(kannadaMobileDefFile,kannadaMobileKnowledgeInput,useCCart), #'malayalam':qlang.QuillLanguage(malayalamDefFile,malayalamKnowledgeInput,useCCart), #'malayalamMobile':qlang.QuillLanguage(malayalamMobileDefFile,malayalamMobileKnowledgeInput,useCCart), #'marathi':qlang.QuillLanguage(marathiDefFile,marathiKnowledgeInput,useCCart), #'marathiMobile':qlang.QuillLanguage(marathiMobileDefFile,marathiMobileKnowledgeInput,useCCart), #'nepali':qlang.QuillLanguage(nepaliDefFile,nepaliKnowledgeInput,useCCart), #'punjabi':qlang.QuillLanguage(punjabiDefFile,punjabiKnowledgeInput,useCCart), #'tamil':qlang.QuillLanguage(tamilDefFile,tamilKnowledgeInput,useCCart), #'tamilMobile':qlang.QuillLanguage(tamilMobileDefFile,tamilMobileKnowledgeInput,useCCart), #'telugu':qlang.QuillLanguage(teluguDefFile,teluguKnowledgeInput,useCCart), #'teluguMobile':qlang.QuillLanguage(teluguMobileDefFile,teluguMobileKnowledgeInput,useCCart) } self.xlitEngines = { 'kannada': xlit.QuillEngXliterator('EnglishPronouncingTrees','IndianPronouncingTrees','Kannada_Xlit.xml'), 'bengali': xlit.QuillEngXliterator('EnglishPronouncingTrees','IndianPronouncingTrees','Bengali_Xlit.xml'), 'gujarati': xlit.QuillEngXliterator('EnglishPronouncingTrees','IndianPronouncingTrees','Gujarati_Xlit.xml'), 'hindi': xlit.QuillEngXliterator('EnglishPronouncingTrees','IndianPronouncingTrees','Hindi_Xlit.xml'), 'marathi': xlit.QuillEngXliterator('EnglishPronouncingTrees','IndianPronouncingTrees','Marathi_Xlit.xml'), 'nepali': xlit.QuillEngXliterator('EnglishPronouncingTrees','IndianPronouncingTrees','Nepali_Xlit.xml'), 'punjabi': xlit.QuillEngXliterator('EnglishPronouncingTrees','IndianPronouncingTrees','Punjabi_Xlit.xml'), 'telugu': xlit.QuillEngXliterator('EnglishPronouncingTrees','IndianPronouncingTrees','Telugu_Xlit.xml'), 'tamil': xlit.QuillEngXliterator('EnglishPronouncingTrees','IndianPronouncingTrees','Tamil_Xlit.xml'), 'malayalam': xlit.QuillEngXliterator('EnglishPronouncingTrees','IndianPronouncingTrees','Malayalam_Xlit.xml') } self.clashMaps = { 'bengali': self.makeClashMap('bengaliClashList.txt'), 'gujarati': self.makeClashMap('gujaratiClash.txt'), 'hindi': self.makeClashMap('hindiClash.txt'), 'kannada': self.makeClashMap('kannadaClash.txt'), 'tamil': self.makeClashMap('tamilClash.txt'), 'marathi': self.makeClashMap('marathiClash.txt'), 'nepali': self.makeClashMap('nepaliClash.txt'), 'punjabi': self.makeClashMap('punjabiClash.txt'), 'telugu': self.makeClashMap('teluguClash.txt'), 'malayalam': self.makeClashMap('malayalamClash.txt') } self.modeTypes = ['predictive','xliterate','itrans'] self.inputBuffer ='' self.outputBuffer='' self.scriptCommandRE = r"(?<!\\)\\(english|bengali|gujarati|hindi|hindiMobile|kannada|kannadaMobile|malayalam|malayalamMobile|marathi|marathiMobile|nepali|punjabi|tamil|tamilMobile|telugu|teluguMobile)" #starts with alpha followed alpha-numerics self.modeCommandRE = r"(?<!\\)\\(predictive|xliterate|itrans){((?:\\{|[^{}\\]|\\}|\\)*)}" self.compSC = re.compile(self.scriptCommandRE) self.compMC = re.compile(self.modeCommandRE) self.currLanguage = 'english' self.currMode = 'predictive' self.engine = None self.loadEnglishDict('dict.txt') def loadEnglishDict(self, fname): words = open(fname).read().split() self.engWords = dict([(w, None) for w in words]) "Loaded english dictionary from...", fname def makeClashMap(self, fname): words = open(fname).read().split() return dict([(w, None) for w in words]) def processText(self,inString, onlyFirstOptions=False): self.inputBuffer = inString self.outputBuffer = '' index = 0 langText='' while index < len(self.inputBuffer): scriptCmdMatch = self.compSC.match(self.inputBuffer,index) modeCmdMatch = self.compMC.match(self.inputBuffer,index) if scriptCmdMatch != None: self.outputBuffer += self.renderText(langText) langText = '' self.currLanguage = scriptCmdMatch.group(1) self.switchLanguage(self.currLanguage) index = scriptCmdMatch.end() elif modeCmdMatch != None and self.currLanguage != 'english': self.outputBuffer += self.renderText(langText) langText = '' mode = modeCmdMatch.group(1) text = modeCmdMatch.group(2) self.switchMode(mode) self.outputBuffer += self.renderText(text) self.switchMode('predictive') index = modeCmdMatch.end() else: langText += self.inputBuffer[index] index +=1 self.outputBuffer += self.renderText(langText, onlyFirstOptions) return self.outputBuffer def switchMode(self,mode): self.currMode = mode def renderText(self,langText, onlyFirstOptions=False): index = 0 insideWord = False renderedText = '' currWord = '' if self.engine == None: return langText if self.currMode == 'predictive' and (not onlyFirstOptions): convertedList = self.engine.convert(langText,"predictive", True) if len(convertedList) == 1: onlyTuple = convertedList[0] if type(onlyTuple[0]) == str: renderedText = onlyTuple[0] else: renderedText = const.optionSeperator.join(onlyTuple[0]) else : renderedText += '----multiple----\n' for (ustr, count) in convertedList: if type(ustr) == str: #some char like ,.-' etc.. renderedText += str(ustr) + "\n" else: renderedText += const.langWordMark + str(const.optionSeperator).join(ustr) + "\n"; elif self.currMode == 'predictive' and onlyFirstOptions: convertedList = self.engine.convert(langText,"predictive", True) for (ustr, count) in convertedList: if type(ustr) == str: renderedText += str(ustr) else: renderedText += ustr[0] elif self.currMode == 'itrans': convertedList = self.engine.convert(langText,"primary") for (uStr,count) in convertedList: for s in uStr : renderedText += s elif self.currMode == 'xliterate': renderedText = langText return renderedText def switchLanguage(self,script): if self.scriptEngines.has_key(script): self.engine = self.scriptEngines[script] else: self.engine = None def xlit(self, inString, lang): if lang in self.xlitEngines: inString = inString.lower() engine = self.xlitEngines[lang] return {'xlitWords': engine.xliterate(inString)} else: return {'xlitWords': [inString]} def processString(self, inString, lang): def transliterate(word): if re.search("[a-zA-Z]+", word): return self.processWord(word, lang)["twords"][0]["options"][0] return word words = map(lambda x: x[0], re.findall("(([a-zA-Z]+)|([^a-zA-Z])+)", inString)) return "".join(map(transliterate, words)) def processReverseWord(self, uStr, lang): if self.scriptEngines.has_key(lang): engine = self.scriptEngines[lang] trainTuples = engine.getTrainingTuples(uStr) literals = [''.join(lit) for (lit,c,flags) in trainTuples] return literals else: return [] def processWord(self, inString, lang): response = {"inString": inString, "twords": []} inString = inString.lower() if self.scriptEngines.has_key(lang): engine = self.scriptEngines[lang] else: # We don't support the language response["twords"].append({ "word": True, "options": [inString], "optmap": {inString: inString.split()} }) return convertedList, numOptions = engine.literalToUnicode(inString, "predictive", True) options = ["".join(litList) for litList in convertedList] def dictSort(dlang, arr): a1 = [] a2 = [] for i in arr: if primaryHelper.isDictWord(dlang, i): a1.append(i) else: a2.append(i) return a1 + a2 if (lang=="hindiMobile") or (lang=="hindi"): options = dictSort("hindi", options) else : options = dictSort(lang, options) def isNotITRANS(word): for i in word: if i in ".~^/": return False return True def isNotDigit(word): for i in word: if i in "0123456789": return False return True if lang in self.xlitEngines and isNotITRANS(inString) and isNotDigit(inString): xlitWords = self.xlitEngines[lang].xliterate(inString) if len(xlitWords) > 0 and len(xlitWords[0]) > 0: xlitWord = xlitWords[0] if inString in self.engWords: if inString in self.clashMaps[lang]: if xlitWord not in options[:4]: options = options[:1] + [xlitWord] + options[1:] else: if xlitWord in options: options.remove(xlitWord) options = [xlitWord] + options else: if xlitWord not in options[:4]: options = options[:3] + [xlitWord] + options[3:] response["twords"].append({ "word": True, "options": options, "optmap": dict(map(lambda x: ("".join(x), x), convertedList)) }) return response def getCorrections(self, lang, currWord, userInput, pos): if self.scriptEngines.has_key(lang): engine = self.scriptEngines[lang] else: return ["".join(currWord)] return engine.getCorrections(currWord, userInput, pos) def getCorrectionsStr(self, lang, currWord, userInput, pos): if self.scriptEngines.has_key(lang): engine = self.scriptEngines[lang] else: return currWord return engine.getCorrectionsStr(currWord, userInput, pos) if __name__ == '__main__': inString = "raja-deepthi" proc = QuillSourceProcessor() proc.switchLanguage("hindi") out = proc.processText(inString); f = open('out.txt','w') utext= out.encode('utf-8') f.write(utext) f.close()
[ 1, 529, 276, 1112, 420, 29958, 855, 4227, 2679, 29914, 22255, 29918, 3893, 2308, 294, 29966, 9507, 29958, 2182, 453, 4435, 18689, 29889, 2272, 13, 29937, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 30004, 13, 29937, 732, 2539, 1678, 584, 2739, 29871, 29896, 29941, 29892, 29871, 29906, 29900, 29896, 29953, 30004, 13, 29937, 732, 13720, 29871, 584, 529, 5813, 10202, 529, 5813, 3238, 13, 29937, 732, 6594, 584, 29871, 29896, 30004, 13, 30004, 13, 5215, 751, 453, 21233, 408, 29871, 1519, 574, 30004, 13, 5215, 751, 453, 8100, 29990, 19411, 408, 921, 19411, 30004, 13, 5215, 337, 30004, 13, 5215, 1040, 30004, 13, 5215, 7601, 10739, 30004, 13, 30004, 13, 1990, 751, 453, 4435, 18689, 29898, 3318, 1125, 30004, 13, 1678, 822, 4770, 2344, 12035, 1311, 1125, 30004, 13, 4706, 671, 4174, 442, 29922, 5574, 30004, 13, 30004, 13, 4706, 289, 996, 2606, 3206, 2283, 2433, 29933, 996, 2606, 29918, 29963, 29878, 11054, 29889, 3134, 29915, 30004, 13, 4706, 289, 996, 2606, 29968, 3707, 5485, 4290, 2433, 29890, 996, 2606, 29915, 30004, 13, 30004, 13, 4706, 1410, 4758, 2219, 3206, 2283, 2433, 9485, 4758, 2219, 29918, 29903, 1092, 11321, 29889, 3134, 29915, 30004, 13, 4706, 1410, 4758, 2219, 29968, 3707, 5485, 4290, 2433, 2543, 4758, 2219, 29915, 30004, 13, 30004, 13, 4706, 298, 14108, 3206, 2283, 2433, 29950, 14108, 29918, 29924, 574, 284, 29889, 3134, 29915, 30004, 13, 4706, 298, 14108, 29968, 3707, 5485, 4290, 2433, 29882, 14108, 29915, 30004, 13, 4706, 6756, 13, 4706, 298, 14108, 29295, 3206, 2283, 2433, 29950, 14108, 29918, 29924, 574, 284, 29918, 29295, 29889, 3134, 29915, 30004, 13, 4706, 298, 14108, 29295, 29968, 3707, 5485, 4290, 2433, 29882, 14108, 29295, 29915, 30004, 13, 4706, 6756, 13, 4706, 9083, 1114, 3206, 2283, 2433, 29968, 812, 1114, 29918, 29911, 686, 29874, 29889, 3134, 29915, 30004, 13, 4706, 9083, 1114, 29968, 3707, 5485, 4290, 2433, 29895, 812, 1114, 29915, 30004, 13, 4706, 6756, 13, 4706, 9083, 1114, 29295, 3206, 2283, 2433, 29968, 812, 1114, 29918, 29911, 686, 29874, 29918, 29295, 29889, 3134, 29915, 30004, 13, 4706, 9083, 1114, 29295, 29968, 3707, 5485, 4290, 2433, 29895, 812, 1114, 29918, 1761, 29918, 16769, 29889, 3945, 29915, 30004, 13, 4706, 6756, 13, 4706, 4439, 388, 284, 314, 3206, 2283, 2433, 22995, 388, 284, 314, 29918, 29968, 442, 4106, 29889, 3134, 29915, 30004, 13, 4706, 4439, 388, 284, 314, 29968, 3707, 5485, 4290, 2433, 5156, 388, 284, 314, 29915, 30004, 13, 4706, 6756, 13, 4706, 4439, 388, 284, 314, 29295, 3206, 2283, 2433, 22995, 388, 284, 314, 29918, 29968, 442, 4106, 29918, 29295, 29889, 3134, 29915, 30004, 13, 4706, 4439, 388, 284, 314, 29295, 29968, 3707, 5485, 4290, 2433, 5156, 388, 284, 314, 29918, 1761, 29918, 16769, 29889, 3945, 29915, 30004, 13, 4706, 6756, 13, 4706, 1766, 493, 29875, 3206, 2283, 2433, 7083, 493, 29875, 29918, 29924, 574, 284, 29889, 3134, 29915, 30004, 13, 4706, 1766, 493, 29875, 29968, 3707, 5485, 4290, 2433, 3034, 493, 29875, 29915, 30004, 13, 4706, 6756, 13, 4706, 1766, 493, 29875, 29295, 3206, 2283, 2433, 7083, 493, 29875, 29918, 29924, 574, 284, 29918, 29295, 29889, 3134, 29915, 30004, 13, 4706, 1766, 493, 29875, 29295, 29968, 3707, 5485, 4290, 2433, 3034, 493, 29875, 29918, 1761, 29918, 16769, 29889, 3945, 29915, 30004, 13, 30004, 13, 4706, 23446, 2606, 3206, 2283, 2433, 29940, 1022, 2606, 29918, 29924, 574, 284, 29889, 3134, 29915, 30004, 13, 4706, 23446, 2606, 29968, 3707, 5485, 4290, 2433, 484, 29886, 2606, 29915, 30004, 13, 6756, 13, 4706, 6035, 29926, 19266, 3206, 2283, 2433, 29925, 348, 29926, 19266, 29918, 29934, 29874, 17345, 29889, 3134, 29915, 30004, 13, 4706, 6035, 29926, 19266, 29968, 3707, 5485, 4290, 2433, 29886, 348, 29926, 19266, 29915, 30004, 13, 4706, 6756, 13, 4706, 260, 1344, 3206, 2283, 2433, 29911, 1344, 29918, 29931, 493, 29874, 29889, 3134, 29915, 30004, 13, 4706, 260, 1344, 29968, 3707, 5485, 4290, 2433, 29873, 1344, 29915, 30004, 13, 4706, 6756, 13, 4706, 260, 1344, 29295, 3206, 2283, 2433, 29911, 1344, 29918, 29931, 493, 29874, 29918, 29295, 29889, 3134, 29915, 30004, 13, 4706, 260, 1344, 29295, 29968, 3707, 5485, 4290, 2433, 29873, 1344, 29918, 1761, 29918, 16769, 29889, 3945, 29915, 30004, 13, 4706, 6756, 13, 4706, 13547, 688, 29884, 3206, 2283, 2433, 29911, 295, 688, 29884, 29918, 29934, 29874, 17345, 29889, 3134, 29915, 30004, 13, 4706, 13547, 688, 29884, 29968, 3707, 5485, 4290, 2433, 28497, 688, 29884, 29915, 30004, 13, 4706, 6756, 13, 4706, 13547, 688, 29884, 29295, 3206, 2283, 2433, 29911, 295, 688, 29884, 29918, 29934, 29874, 17345, 29918, 29295, 29889, 3134, 29915, 30004, 13, 4706, 13547, 688, 29884, 29295, 29968, 3707, 5485, 4290, 2433, 28497, 688, 29884, 29918, 1761, 29918, 16769, 29889, 3945, 29915, 30004, 13, 4706, 6756, 13, 4706, 1583, 29889, 2154, 8100, 1475, 353, 11117, 996, 1674, 2396, 8516, 11167, 13, 18884, 525, 29890, 996, 2606, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 29890, 996, 2606, 3206, 2283, 29892, 29890, 996, 2606, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 2543, 4758, 2219, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 2543, 4758, 2219, 3206, 2283, 29892, 2543, 4758, 2219, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 29882, 14108, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 29882, 14108, 3206, 2283, 29892, 29882, 14108, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 29882, 14108, 29295, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 29882, 14108, 29295, 3206, 2283, 29892, 29882, 14108, 29295, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 29895, 812, 1114, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 29895, 812, 1114, 3206, 2283, 29892, 29895, 812, 1114, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 29895, 812, 1114, 29295, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 29895, 812, 1114, 29295, 3206, 2283, 29892, 29895, 812, 1114, 29295, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 5156, 388, 284, 314, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 5156, 388, 284, 314, 3206, 2283, 29892, 5156, 388, 284, 314, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 5156, 388, 284, 314, 29295, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 5156, 388, 284, 314, 29295, 3206, 2283, 29892, 5156, 388, 284, 314, 29295, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 3034, 493, 29875, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 3034, 493, 29875, 3206, 2283, 29892, 3034, 493, 29875, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 3034, 493, 29875, 29295, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 3034, 493, 29875, 29295, 3206, 2283, 29892, 3034, 493, 29875, 29295, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 484, 29886, 2606, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 484, 29886, 2606, 3206, 2283, 29892, 484, 29886, 2606, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 29886, 348, 29926, 19266, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 29886, 348, 29926, 19266, 3206, 2283, 29892, 29886, 348, 29926, 19266, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 29873, 1344, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 29873, 1344, 3206, 2283, 29892, 29873, 1344, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 29873, 1344, 29295, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 29873, 1344, 29295, 3206, 2283, 29892, 29873, 1344, 29295, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 28497, 688, 29884, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 28497, 688, 29884, 3206, 2283, 29892, 28497, 688, 29884, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 511, 30004, 13, 18884, 396, 29915, 28497, 688, 29884, 29295, 2396, 1519, 574, 29889, 2182, 453, 21233, 29898, 28497, 688, 29884, 29295, 3206, 2283, 29892, 28497, 688, 29884, 29295, 29968, 3707, 5485, 4290, 29892, 1509, 4174, 442, 8443, 13, 4706, 4970, 13, 30004, 13, 4706, 1583, 29889, 15524, 277, 8100, 1475, 353, 3336, 13, 18884, 525, 29895, 812, 1114, 2396, 921, 19411, 29889, 2182, 453, 8100, 29990, 29880, 17609, 877, 24636, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 2568, 713, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 29968, 812, 1114, 29918, 29990, 19411, 29889, 3134, 5477, 30004, 13, 18884, 525, 29890, 996, 2606, 2396, 921, 19411, 29889, 2182, 453, 8100, 29990, 29880, 17609, 877, 24636, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 2568, 713, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 29933, 996, 2606, 29918, 29990, 19411, 29889, 3134, 5477, 30004, 13, 18884, 525, 2543, 4758, 2219, 2396, 921, 19411, 29889, 2182, 453, 8100, 29990, 29880, 17609, 877, 24636, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 2568, 713, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 9485, 4758, 2219, 29918, 29990, 19411, 29889, 3134, 5477, 30004, 13, 18884, 525, 29882, 14108, 2396, 921, 19411, 29889, 2182, 453, 8100, 29990, 29880, 17609, 877, 24636, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 2568, 713, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 29950, 14108, 29918, 29990, 19411, 29889, 3134, 5477, 30004, 13, 18884, 525, 3034, 493, 29875, 2396, 921, 19411, 29889, 2182, 453, 8100, 29990, 29880, 17609, 877, 24636, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 2568, 713, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 7083, 493, 29875, 29918, 29990, 19411, 29889, 3134, 5477, 30004, 13, 18884, 525, 484, 29886, 2606, 2396, 921, 19411, 29889, 2182, 453, 8100, 29990, 29880, 17609, 877, 24636, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 2568, 713, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 29940, 1022, 2606, 29918, 29990, 19411, 29889, 3134, 5477, 30004, 13, 18884, 525, 29886, 348, 29926, 19266, 2396, 921, 19411, 29889, 2182, 453, 8100, 29990, 29880, 17609, 877, 24636, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 2568, 713, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 29925, 348, 29926, 19266, 29918, 29990, 19411, 29889, 3134, 5477, 30004, 13, 18884, 525, 28497, 688, 29884, 2396, 921, 19411, 29889, 2182, 453, 8100, 29990, 29880, 17609, 877, 24636, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 2568, 713, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 29911, 295, 688, 29884, 29918, 29990, 19411, 29889, 3134, 5477, 30004, 13, 18884, 525, 29873, 1344, 2396, 921, 19411, 29889, 2182, 453, 8100, 29990, 29880, 17609, 877, 24636, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 2568, 713, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 29911, 1344, 29918, 29990, 19411, 29889, 3134, 5477, 30004, 13, 18884, 525, 5156, 388, 284, 314, 2396, 921, 19411, 29889, 2182, 453, 8100, 29990, 29880, 17609, 877, 24636, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 2568, 713, 29925, 1617, 1309, 3277, 29911, 11003, 3788, 22995, 388, 284, 314, 29918, 29990, 19411, 29889, 3134, 1495, 30004, 13, 4706, 4970, 13, 30004, 13, 4706, 1583, 29889, 695, 1161, 29924, 2547, 353, 3336, 13, 18884, 525, 29890, 996, 2606, 2396, 1583, 29889, 5675, 6821, 1161, 3388, 877, 29890, 996, 2606, 6821, 1161, 1293, 29889, 3945, 5477, 30004, 13, 18884, 525, 2543, 4758, 2219, 2396, 1583, 29889, 5675, 6821, 1161, 3388, 877, 2543, 4758, 2219, 6821, 1161, 29889, 3945, 5477, 30004, 13, 18884, 525, 29882, 14108, 2396, 1583, 29889, 5675, 6821, 1161, 3388, 877, 29882, 14108, 6821, 1161, 29889, 3945, 5477, 30004, 13, 18884, 525, 29895, 812, 1114, 2396, 1583, 29889, 5675, 6821, 1161, 3388, 877, 29895, 812, 1114, 6821, 1161, 29889, 3945, 5477, 30004, 13, 18884, 525, 29873, 1344, 2396, 1583, 29889, 5675, 6821, 1161, 3388, 877, 29873, 1344, 6821, 1161, 29889, 3945, 5477, 30004, 13, 18884, 525, 3034, 493, 29875, 2396, 1583, 29889, 5675, 6821, 1161, 3388, 877, 3034, 493, 29875, 6821, 1161, 29889, 3945, 5477, 30004, 13, 18884, 525, 484, 29886, 2606, 2396, 1583, 29889, 5675, 6821, 1161, 3388, 877, 484, 29886, 2606, 6821, 1161, 29889, 3945, 5477, 30004, 13, 18884, 525, 29886, 348, 29926, 19266, 2396, 1583, 29889, 5675, 6821, 1161, 3388, 877, 29886, 348, 29926, 19266, 6821, 1161, 29889, 3945, 5477, 30004, 13, 18884, 525, 28497, 688, 29884, 2396, 1583, 29889, 5675, 6821, 1161, 3388, 877, 28497, 688, 29884, 6821, 1161, 29889, 3945, 5477, 30004, 13, 18884, 525, 5156, 388, 284, 314, 2396, 1583, 29889, 5675, 6821, 1161, 3388, 877, 5156, 388, 284, 314, 6821, 1161, 29889, 3945, 1495, 30004, 13, 4706, 4970, 13, 30004, 13, 4706, 1583, 29889, 8513, 10562, 353, 6024, 27711, 573, 3788, 15524, 1524, 403, 3788, 277, 29878, 550, 2033, 30004, 13, 4706, 6756, 13, 4706, 1583, 29889, 2080, 7701, 353, 4907, 30004, 13, 4706, 1583, 29889, 4905, 7701, 2433, 29915, 30004, 13, 4706, 6756, 13, 4706, 1583, 29889, 2154, 6255, 1525, 353, 364, 29908, 10780, 29966, 29991, 1966, 18775, 29898, 996, 1674, 29989, 29890, 996, 2606, 29989, 2543, 4758, 2219, 29989, 29882, 14108, 29989, 29882, 14108, 29295, 29989, 29895, 812, 1114, 29989, 29895, 812, 1114, 29295, 29989, 5156, 388, 284, 314, 29989, 5156, 388, 284, 314, 29295, 29989, 3034, 493, 29875, 29989, 3034, 493, 29875, 29295, 29989, 484, 29886, 2606, 29989, 29886, 348, 29926, 19266, 29989, 29873, 1344, 29989, 29873, 1344, 29295, 29989, 28497, 688, 29884, 29989, 28497, 688, 29884, 29295, 5513, 396, 27382, 411, 15595, 5643, 15595, 29899, 8058, 1199, 30004, 13, 4706, 1583, 29889, 8513, 6255, 1525, 353, 364, 29908, 10780, 29966, 29991, 1966, 18775, 29898, 27711, 573, 29989, 15524, 1524, 403, 29989, 277, 29878, 550, 2597, 3552, 29973, 22298, 28437, 29961, 998, 9952, 29962, 29989, 1966, 11079, 1966, 11877, 2915, 19451, 13, 4706, 6756, 13, 4706, 1583, 29889, 2388, 7187, 353, 337, 29889, 12198, 29898, 1311, 29889, 2154, 6255, 1525, 8443, 13, 4706, 1583, 29889, 2388, 12513, 353, 337, 29889, 12198, 29898, 1311, 29889, 8513, 6255, 1525, 8443, 13, 4706, 6756, 13, 4706, 1583, 29889, 21962, 21233, 353, 525, 996, 1674, 29915, 30004, 13, 4706, 1583, 29889, 21962, 6818, 353, 525, 27711, 573, 29915, 30004, 13, 4706, 6756, 13, 4706, 1583, 29889, 10599, 353, 6213, 30004, 13, 30004, 13, 4706, 1583, 29889, 1359, 24636, 21533, 877, 8977, 29889, 3945, 1495, 30004, 13, 30004, 13, 1678, 822, 2254, 24636, 21533, 29898, 1311, 29892, 285, 978, 1125, 30004, 13, 4706, 3838, 353, 1722, 29898, 29888, 978, 467, 949, 2141, 5451, 26471, 13, 4706, 1583, 29889, 996, 29956, 4339, 353, 9657, 4197, 29898, 29893, 29892, 6213, 29897, 363, 281, 297, 3838, 2314, 30004, 13, 4706, 6756, 13, 308, 376, 29147, 3033, 1674, 8600, 515, 856, 613, 285, 978, 30004, 13, 30004, 13, 1678, 822, 1207, 6821, 1161, 3388, 29898, 1311, 29892, 285, 978, 1125, 30004, 13, 4706, 3838, 353, 1722, 29898, 29888, 978, 467, 949, 2141, 5451, 26471, 13, 4706, 736, 9657, 4197, 29898, 29893, 29892, 6213, 29897, 363, 281, 297, 3838, 2314, 30004, 13, 1678, 6756, 13, 1678, 822, 1889, 1626, 29898, 1311, 29892, 262, 1231, 29892, 871, 6730, 5856, 29922, 8824, 1125, 30004, 13, 4706, 1583, 29889, 2080, 7701, 353, 297, 1231, 30004, 13, 4706, 1583, 29889, 4905, 7701, 353, 6629, 30004, 13, 4706, 2380, 353, 29871, 29900, 30004, 13, 4706, 6361, 1626, 2433, 29915, 30004, 13, 4706, 1550, 2380, 529, 7431, 29898, 1311, 29889, 2080, 7701, 1125, 30004, 13, 9651, 2471, 23651, 9652, 353, 1583, 29889, 2388, 7187, 29889, 4352, 29898, 1311, 29889, 2080, 7701, 29892, 2248, 8443, 13, 9651, 4464, 23651, 9652, 353, 1583, 29889, 2388, 12513, 29889, 4352, 29898, 1311, 29889, 2080, 7701, 29892, 2248, 8443, 13, 30004, 13, 9651, 565, 2471, 23651, 9652, 2804, 6213, 29901, 30004, 13, 18884, 1583, 29889, 4905, 7701, 4619, 1583, 29889, 9482, 1626, 29898, 3893, 1626, 8443, 13, 18884, 6361, 1626, 353, 6629, 30004, 13, 18884, 1583, 29889, 21962, 21233, 353, 2471, 23651, 9652, 29889, 2972, 29898, 29896, 8443, 13, 18884, 1583, 29889, 15123, 21233, 29898, 1311, 29889, 21962, 21233, 8443, 13, 18884, 2380, 353, 2471, 23651, 9652, 29889, 355, 26471, 13, 30004, 13, 9651, 25342, 4464, 23651, 9652, 2804, 6213, 322, 1583, 29889, 21962, 21233, 2804, 525, 996, 1674, 2396, 30004, 13, 18884, 1583, 29889, 4905, 7701, 4619, 1583, 29889, 9482, 1626, 29898, 3893, 1626, 8443, 13, 18884, 6361, 1626, 353, 6629, 30004, 13, 30004, 13, 18884, 4464, 353, 4464, 23651, 9652, 29889, 2972, 29898, 29896, 8443, 13, 18884, 1426, 353, 4464, 23651, 9652, 29889, 2972, 29898, 29906, 8443, 13, 30004, 13, 18884, 1583, 29889, 15123, 6818, 29898, 8513, 8443, 13, 18884, 1583, 29889, 4905, 7701, 4619, 1583, 29889, 9482, 1626, 29898, 726, 8443, 13, 18884, 1583, 29889, 15123, 6818, 877, 27711, 573, 1495, 30004, 13, 795, 6756, 13, 18884, 2380, 353, 4464, 23651, 9652, 29889, 355, 26471, 13, 9651, 1683, 29901, 30004, 13, 18884, 6361, 1626, 4619, 1583, 29889, 2080, 7701, 29961, 2248, 29962, 30004, 13, 18884, 2380, 4619, 29896, 30004, 13, 4706, 6756, 13, 4706, 1583, 29889, 4905, 7701, 4619, 1583, 29889, 9482, 1626, 29898, 3893, 1626, 29892, 871, 6730, 5856, 8443, 13, 4706, 6756, 13, 4706, 736, 1583, 29889, 4905, 7701, 30004, 13, 1678, 6756, 13, 1678, 822, 4607, 6818, 29898, 1311, 29892, 8513, 1125, 30004, 13, 4706, 1583, 29889, 21962, 6818, 353, 4464, 30004, 13, 1678, 6756, 13, 1678, 822, 4050, 1626, 29898, 1311, 29892, 3893, 1626, 29892, 871, 6730, 5856, 29922, 8824, 1125, 30004, 13, 4706, 6756, 13, 4706, 2380, 353, 29871, 29900, 30004, 13, 4706, 2768, 14463, 353, 7700, 30004, 13, 4706, 13751, 1626, 353, 6629, 30004, 13, 4706, 16256, 14463, 353, 6629, 30004, 13, 4706, 6756, 13, 4706, 565, 1583, 29889, 10599, 1275, 6213, 29901, 30004, 13, 9651, 736, 6361, 1626, 30004, 13, 30004, 13, 4706, 565, 1583, 29889, 21962, 6818, 1275, 525, 27711, 573, 29915, 322, 313, 1333, 871, 6730, 5856, 1125, 30004, 13, 9651, 11543, 1293, 353, 1583, 29889, 10599, 29889, 13441, 29898, 3893, 1626, 1699, 27711, 573, 613, 5852, 8443, 13, 9651, 565, 7431, 29898, 13441, 287, 1293, 29897, 1275, 29871, 29896, 29901, 30004, 13, 18884, 871, 23215, 552, 353, 11543, 1293, 29961, 29900, 29962, 30004, 13, 18884, 565, 1134, 29898, 6194, 23215, 552, 29961, 29900, 2314, 1275, 851, 29901, 30004, 13, 462, 1678, 13751, 1626, 353, 871, 23215, 552, 29961, 29900, 29962, 30004, 13, 18884, 1683, 29901, 30004, 13, 462, 1678, 13751, 1626, 353, 1040, 29889, 3385, 2008, 546, 1061, 29889, 7122, 29898, 6194, 23215, 552, 29961, 29900, 2314, 30004, 13, 9651, 1683, 584, 30004, 13, 18884, 13751, 1626, 4619, 525, 807, 20787, 807, 29905, 29876, 29915, 30004, 13, 18884, 6756, 13, 18884, 363, 313, 4627, 29892, 2302, 29897, 297, 11543, 1293, 29901, 30004, 13, 462, 1678, 565, 1134, 29898, 4627, 29897, 1275, 851, 29901, 30004, 13, 462, 4706, 396, 5372, 1373, 763, 1919, 9229, 29915, 2992, 636, 30004, 13, 462, 4706, 13751, 1626, 4619, 851, 29898, 4627, 29897, 718, 6634, 29876, 19451, 13, 462, 1678, 1683, 29901, 30004, 13, 462, 4706, 13751, 1626, 4619, 1040, 29889, 3893, 14463, 9802, 718, 851, 29898, 3075, 29889, 3385, 2008, 546, 1061, 467, 7122, 29898, 4627, 29897, 718, 6634, 29876, 25982, 13, 18884, 6756, 13, 4706, 25342, 1583, 29889, 21962, 6818, 1275, 525, 27711, 573, 29915, 322, 871, 6730, 5856, 29901, 30004, 13, 9651, 11543, 1293, 353, 1583, 29889, 10599, 29889, 13441, 29898, 3893, 1626, 1699, 27711, 573, 613, 5852, 8443, 13, 9651, 363, 313, 4627, 29892, 2302, 29897, 297, 11543, 1293, 29901, 30004, 13, 18884, 565, 1134, 29898, 4627, 29897, 1275, 851, 29901, 30004, 13, 462, 1678, 13751, 1626, 4619, 851, 29898, 4627, 8443, 13, 18884, 1683, 29901, 30004, 13, 462, 1678, 13751, 1626, 4619, 318, 710, 29961, 29900, 29962, 30004, 13, 4706, 25342, 1583, 29889, 21962, 6818, 1275, 525, 277, 29878, 550, 2396, 30004, 13, 9651, 11543, 1293, 353, 1583, 29889, 10599, 29889, 13441, 29898, 3893, 1626, 1699, 16072, 1159, 30004, 13, 9651, 363, 313, 29884, 5015, 29892, 2798, 29897, 297, 11543, 1293, 29901, 30004, 13, 18884, 363, 269, 297, 318, 5015, 584, 30004, 13, 462, 1678, 13751, 1626, 4619, 269, 30004, 13, 4706, 25342, 1583, 29889, 21962, 6818, 1275, 525, 15524, 1524, 403, 2396, 30004, 13, 9651, 13751, 1626, 353, 6361, 1626, 30004, 13, 30004, 13, 4706, 736, 13751, 1626, 30004, 13, 1678, 6756, 13, 1678, 822, 4607, 21233, 29898, 1311, 29892, 2154, 1125, 30004, 13, 4706, 565, 1583, 29889, 2154, 8100, 1475, 29889, 5349, 29918, 1989, 29898, 2154, 1125, 30004, 13, 9651, 1583, 29889, 10599, 353, 1583, 29889, 2154, 8100, 1475, 29961, 2154, 29962, 30004, 13, 4706, 1683, 29901, 30004, 13, 9651, 1583, 29889, 10599, 353, 6213, 30004, 13, 30004, 13, 1678, 822, 921, 19411, 29898, 1311, 29892, 297, 1231, 29892, 6361, 1125, 30004, 13, 4706, 565, 6361, 297, 1583, 29889, 15524, 277, 8100, 1475, 29901, 30004, 13, 9651, 297, 1231, 353, 297, 1231, 29889, 13609, 26471, 13, 9651, 6012, 353, 1583, 29889, 15524, 277, 8100, 1475, 29961, 3893, 29962, 30004, 13, 9651, 736, 11117, 15524, 277, 29956, 4339, 2396, 6012, 29889, 15524, 1524, 403, 29898, 262, 1231, 2915, 30004, 13, 4706, 1683, 29901, 30004, 13, 9651, 736, 11117, 15524, 277, 29956, 4339, 2396, 518, 262, 1231, 29962, 8117, 13, 30004, 13, 1678, 822, 1889, 1231, 29898, 1311, 29892, 297, 1231, 29892, 6361, 1125, 30004, 13, 4706, 822, 5578, 1524, 403, 29898, 1742, 1125, 30004, 13, 9651, 565, 337, 29889, 4478, 703, 29961, 29874, 29899, 25265, 29899, 29999, 10062, 613, 1734, 1125, 30004, 13, 18884, 736, 1583, 29889, 5014, 14463, 29898, 1742, 29892, 6361, 29897, 3366, 29873, 9303, 3108, 29961, 29900, 29962, 3366, 6768, 3108, 29961, 29900, 29962, 30004, 13, 9651, 736, 1734, 30004, 13, 30004, 13, 4706, 3838, 353, 2910, 29898, 2892, 921, 29901, 921, 29961, 29900, 1402, 337, 29889, 2886, 497, 703, 3552, 29961, 29874, 29899, 25265, 29899, 29999, 10062, 10531, 4197, 29985, 29874, 29899, 25265, 29899, 29999, 2314, 29974, 19123, 297, 1231, 876, 30004, 13, 4706, 736, 376, 1642, 7122, 29898, 1958, 29898, 3286, 20889, 403, 29892, 3838, 876, 30004, 13, 30004, 13, 1678, 822, 1889, 1123, 3901, 14463, 29898, 1311, 29892, 318, 5015, 29892, 6361, 1125, 30004, 13, 4706, 565, 1583, 29889, 2154, 8100, 1475, 29889, 5349, 29918, 1989, 29898, 3893, 1125, 30004, 13, 9651, 6012, 353, 1583, 29889, 2154, 8100, 1475, 29961, 3893, 29962, 30004, 13, 9651, 7945, 23215, 2701, 353, 6012, 29889, 657, 5323, 2827, 23215, 2701, 29898, 29884, 5015, 8443, 13, 9651, 4631, 1338, 353, 6024, 4286, 7122, 29898, 19411, 29897, 363, 313, 19411, 29892, 29883, 29892, 15764, 29897, 297, 7945, 23215, 2701, 29962, 30004, 13, 9651, 736, 4631, 1338, 30004, 13, 4706, 1683, 29901, 30004, 13, 9651, 736, 5159, 30004, 13, 30004, 13, 1678, 822, 1889, 14463, 29898, 1311, 29892, 297, 1231, 29892, 6361, 1125, 30004, 13, 4706, 2933, 353, 8853, 262, 1231, 1115, 297, 1231, 29892, 376, 29873, 9303, 1115, 5159, 8117, 13, 4706, 297, 1231, 353, 297, 1231, 29889, 13609, 26471, 13, 30004, 13, 4706, 6756, 13, 4706, 565, 1583, 29889, 2154, 8100, 1475, 29889, 5349, 29918, 1989, 29898, 3893, 1125, 30004, 13, 9651, 6012, 353, 1583, 29889, 2154, 8100, 1475, 29961, 3893, 29962, 30004, 13, 4706, 1683, 29901, 30004, 13, 9651, 396, 1334, 1016, 29915, 29873, 2304, 278, 4086, 30004, 13, 9651, 2933, 3366, 29873, 9303, 16862, 4397, 3319, 30004, 13, 18884, 376, 1742, 1115, 5852, 11167, 13, 18884, 376, 6768, 1115, 518, 262, 1231, 1402, 30004, 13, 18884, 376, 3670, 1958, 1115, 426, 262, 1231, 29901, 297, 1231, 29889, 5451, 580, 8117, 13, 18884, 5615, 30004, 13, 9651, 736, 30004, 13, 30004, 13, 4706, 11543, 1293, 29892, 954, 5856, 353, 6012, 29889, 20889, 284, 1762, 2525, 12858, 29898, 262, 1231, 29892, 6756, 13, 18884, 376, 27711, 573, 613, 5852, 8443, 13, 30004, 13, 4706, 3987, 353, 6796, 1642, 7122, 29898, 19411, 1293, 29897, 363, 11872, 1293, 297, 11543, 1293, 29962, 30004, 13, 30004, 13, 4706, 822, 9657, 13685, 29898, 29881, 3893, 29892, 3948, 1125, 30004, 13, 9651, 263, 29896, 353, 5159, 30004, 13, 9651, 263, 29906, 353, 5159, 30004, 13, 9651, 363, 474, 297, 3948, 29901, 30004, 13, 18884, 565, 7601, 10739, 29889, 275, 21533, 14463, 29898, 29881, 3893, 29892, 474, 1125, 30004, 13, 462, 1678, 263, 29896, 29889, 4397, 29898, 29875, 8443, 13, 18884, 1683, 29901, 30004, 13, 462, 1678, 263, 29906, 29889, 4397, 29898, 29875, 8443, 13, 9651, 736, 263, 29896, 718, 263, 29906, 30004, 13, 30004, 13, 4706, 565, 313, 3893, 26359, 29882, 14108, 29295, 1159, 470, 313, 3893, 26359, 29882, 14108, 29908, 1125, 30004, 13, 9651, 3987, 353, 9657, 13685, 703, 29882, 14108, 613, 3987, 8443, 13, 4706, 1683, 584, 30004, 13, 9651, 3987, 353, 9657, 13685, 29898, 3893, 29892, 3987, 8443, 13, 30004, 13, 4706, 822, 338, 3664, 1806, 29934, 2190, 29903, 29898, 1742, 1125, 30004, 13, 9651, 363, 474, 297, 1734, 29901, 30004, 13, 18884, 565, 474, 297, 11393, 30022, 29985, 29914, 1115, 30004, 13, 462, 1678, 736, 7700, 30004, 13, 9651, 736, 5852, 30004, 13, 30004, 13, 4706, 822, 338, 3664, 14991, 277, 29898, 1742, 1125, 30004, 13, 9651, 363, 474, 297, 1734, 29901, 30004, 13, 18884, 565, 474, 297, 376, 29900, 29896, 29906, 29941, 29946, 29945, 29953, 29955, 29947, 29929, 1115, 30004, 13, 462, 1678, 736, 7700, 30004, 13, 9651, 736, 5852, 30004, 13, 30004, 13, 4706, 565, 6361, 297, 1583, 29889, 15524, 277, 8100, 1475, 322, 338, 3664, 1806, 29934, 2190, 29903, 29898, 262, 1231, 29897, 322, 338, 3664, 14991, 277, 29898, 262, 1231, 1125, 30004, 13, 9651, 921, 19411, 29956, 4339, 353, 1583, 29889, 15524, 277, 8100, 1475, 29961, 3893, 1822, 15524, 1524, 403, 29898, 262, 1231, 8443, 13, 30004, 13, 9651, 565, 7431, 29898, 15524, 277, 29956, 4339, 29897, 1405, 29871, 29900, 322, 7431, 29898, 15524, 277, 29956, 4339, 29961, 29900, 2314, 1405, 29871, 29900, 29901, 30004, 13, 18884, 921, 19411, 14463, 353, 921, 19411, 29956, 4339, 29961, 29900, 29962, 30004, 13, 30004, 13, 18884, 565, 297, 1231, 297, 1583, 29889, 996, 29956, 4339, 29901, 30004, 13, 462, 1678, 565, 297, 1231, 297, 1583, 29889, 695, 1161, 29924, 2547, 29961, 3893, 5387, 30004, 13, 462, 4706, 565, 921, 19411, 14463, 451, 297, 3987, 7503, 29946, 5387, 30004, 13, 462, 9651, 3987, 353, 3987, 7503, 29896, 29962, 718, 518, 15524, 277, 14463, 29962, 718, 3987, 29961, 29896, 17531, 30004, 13, 462, 1678, 1683, 29901, 30004, 13, 462, 4706, 565, 921, 19411, 14463, 297, 3987, 29901, 30004, 13, 462, 9651, 3987, 29889, 5992, 29898, 15524, 277, 14463, 8443, 13, 462, 4706, 3987, 353, 518, 15524, 277, 14463, 29962, 718, 3987, 30004, 13, 18884, 1683, 29901, 30004, 13, 462, 1678, 565, 921, 19411, 14463, 451, 297, 3987, 7503, 29946, 5387, 30004, 13, 462, 4706, 3987, 353, 3987, 7503, 29941, 29962, 718, 518, 15524, 277, 14463, 29962, 718, 3987, 29961, 29941, 17531, 30004, 13, 30004, 13, 4706, 2933, 3366, 29873, 9303, 16862, 4397, 3319, 6756, 13, 9651, 376, 1742, 1115, 5852, 29892, 6756, 13, 9651, 376, 6768, 1115, 3987, 11167, 13, 9651, 376, 3670, 1958, 1115, 9657, 29898, 1958, 29898, 2892, 921, 29901, 4852, 1642, 7122, 29898, 29916, 511, 921, 511, 11543, 1293, 876, 30004, 13, 9651, 5615, 30004, 13, 30004, 13, 4706, 736, 2933, 30004, 13, 30004, 13, 1678, 822, 679, 12521, 276, 1953, 29898, 1311, 29892, 6361, 29892, 16256, 14463, 29892, 1404, 4290, 29892, 926, 1125, 30004, 13, 4706, 565, 1583, 29889, 2154, 8100, 1475, 29889, 5349, 29918, 1989, 29898, 3893, 1125, 30004, 13, 9651, 6012, 353, 1583, 29889, 2154, 8100, 1475, 29961, 3893, 29962, 30004, 13, 4706, 1683, 29901, 30004, 13, 9651, 736, 6796, 1642, 7122, 29898, 21962, 14463, 4638, 30004, 13, 30004, 13, 4706, 736, 6012, 29889, 657, 12521, 276, 1953, 29898, 21962, 14463, 29892, 1404, 4290, 29892, 926, 8443, 13, 30004, 13, 1678, 822, 679, 12521, 276, 1953, 5015, 29898, 1311, 29892, 6361, 29892, 16256, 14463, 29892, 1404, 4290, 29892, 926, 1125, 30004, 13, 4706, 565, 1583, 29889, 2154, 8100, 1475, 29889, 5349, 29918, 1989, 29898, 3893, 1125, 30004, 13, 9651, 6012, 353, 1583, 29889, 2154, 8100, 1475, 29961, 3893, 29962, 30004, 13, 4706, 1683, 29901, 30004, 13, 9651, 736, 16256, 14463, 30004, 13, 30004, 13, 4706, 736, 6012, 29889, 657, 12521, 276, 1953, 5015, 29898, 21962, 14463, 29892, 1404, 4290, 29892, 926, 8443, 13, 30004, 13, 30004, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 30004, 13, 1678, 297, 1231, 353, 376, 336, 1764, 29899, 24535, 386, 29875, 19451, 13, 30004, 13, 1678, 9580, 353, 751, 453, 4435, 18689, 26471, 13, 1678, 9580, 29889, 15123, 21233, 703, 29882, 14108, 1159, 30004, 13, 1678, 714, 353, 9580, 29889, 5014, 1626, 29898, 262, 1231, 6075, 13, 30004, 13, 1678, 285, 353, 1722, 877, 449, 29889, 3945, 3788, 29893, 1495, 30004, 13, 1678, 318, 726, 29922, 714, 29889, 12508, 877, 9420, 29899, 29947, 1495, 30004, 13, 1678, 285, 29889, 3539, 29898, 329, 1062, 8443, 13, 1678, 285, 29889, 5358, 26471, 13, 2 ]
python/simplepvr/simple_pvr/pvr_initializer.py
olefriis/simplepvr
5
77280
# -*- coding: <utf-8> -*- from .config import config from datetime import timedelta import os from time import sleep from .master_import import HDHomeRun from .master_import import RecordingManager from .master_import import Scheduler from .server import app _config_recordings_path = config.get('SimplePVR', 'recordings_path') __hdhomerun = HDHomeRun() recordings_path = _config_recordings_path __recording_manager = RecordingManager(recordings_directory=recordings_path) __scheduler = Scheduler() def scheduler(): return __scheduler def recording_manager(): return __recording_manager def hdhomerun(): return __hdhomerun def setup(): from .master_import import Channel __scheduler.setDaemon(True) __scheduler.start() if not Channel.query.all(): __hdhomerun.scan_for_channels() def sleep_forever(): forever = timedelta(days=6000) sleep(forever)
[ 1, 396, 448, 29930, 29899, 14137, 29901, 529, 9420, 29899, 29947, 29958, 448, 29930, 29899, 13, 13, 3166, 869, 2917, 1053, 2295, 13, 13, 3166, 12865, 1053, 5335, 287, 2554, 13, 5215, 2897, 13, 3166, 931, 1053, 8709, 13, 13, 3166, 869, 6207, 29918, 5215, 1053, 18435, 11184, 6558, 13, 3166, 869, 6207, 29918, 5215, 1053, 3599, 3278, 3260, 13, 3166, 869, 6207, 29918, 5215, 1053, 1102, 14952, 13, 13, 3166, 869, 2974, 1053, 623, 13, 13, 29918, 2917, 29918, 11651, 886, 29918, 2084, 353, 2295, 29889, 657, 877, 15427, 29925, 29963, 29934, 742, 525, 11651, 886, 29918, 2084, 1495, 13, 13, 1649, 16440, 9706, 261, 348, 353, 18435, 11184, 6558, 580, 13, 11651, 886, 29918, 2084, 353, 903, 2917, 29918, 11651, 886, 29918, 2084, 13, 1649, 3757, 3278, 29918, 12847, 353, 3599, 3278, 3260, 29898, 11651, 886, 29918, 12322, 29922, 11651, 886, 29918, 2084, 29897, 13, 1649, 816, 14952, 353, 1102, 14952, 580, 13, 13, 1753, 1364, 14952, 7295, 13, 1678, 736, 4770, 816, 14952, 13, 13, 1753, 16867, 29918, 12847, 7295, 13, 1678, 736, 4770, 3757, 3278, 29918, 12847, 13, 13, 1753, 298, 29881, 9706, 261, 348, 7295, 13, 1678, 736, 4770, 16440, 9706, 261, 348, 13, 13, 1753, 6230, 7295, 13, 1678, 515, 869, 6207, 29918, 5215, 1053, 17368, 13, 13, 1678, 4770, 816, 14952, 29889, 842, 27838, 9857, 29898, 5574, 29897, 13, 1678, 4770, 816, 14952, 29889, 2962, 580, 13, 13, 1678, 565, 451, 17368, 29889, 1972, 29889, 497, 7295, 13, 4706, 4770, 16440, 9706, 261, 348, 29889, 16192, 29918, 1454, 29918, 305, 12629, 580, 13, 13, 1753, 8709, 29918, 1079, 369, 7295, 13, 1678, 22296, 353, 5335, 287, 2554, 29898, 16700, 29922, 29953, 29900, 29900, 29900, 29897, 13, 1678, 8709, 29898, 1079, 369, 29897, 2 ]
src/opendr/control/mobile_manipulation/mobileRL/evaluation.py
makistsantekidis/opendr
3
161601
<reponame>makistsantekidis/opendr<gh_stars>1-10 # Copyright 2020-2021 OpenDR European Project # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import numpy as np import rospy import time import torch from matplotlib import pyplot as plt from opendr.control.mobile_manipulation.mobileRL.envs.env_utils import calc_disc_return from opendr.control.mobile_manipulation.mobileRL.utils import create_env def episode_is_success(nr_kin_fails: int, nr_collisions: int, goal_reached: bool) -> bool: return (nr_kin_fails == 0) and (nr_collisions == 0) and goal_reached def evaluation_rollout(policy, env, num_eval_episodes: int, global_step: int, verbose: bool = True, name_prefix: str = ''): name_prefix = f"{name_prefix + '_' if name_prefix else ''}{env.loggingname}" episode_rewards, episode_lengths, episode_returns, episode_successes, fails_per_episode, goal_reached, vel_norms = [ [] for _ in range(7)] max_len = 100_000 with torch.no_grad(): for i in range(num_eval_episodes): t = time.time() done = False obs = env.reset() rewards, infos, actions = [], [], [] while not done: action, state = policy.predict(obs, deterministic=True) obs, reward, done, info = env.step(action) rewards.append(reward) infos.append(info) episode_length = len(rewards) actions.append(action) if episode_length > max_len: assert episode_length < max_len, f"EPISODE OF {episode_length} STEPS!" episode_rewards.append(np.sum(rewards)) return_disc = calc_disc_return(rewards, gamma=policy.gamma) episode_returns.append(return_disc) episode_lengths.append(episode_length) goal_reached.append(infos[-1]['ee_done']) # kin fails are cumulative fails_per_episode.append(infos[-1]['nr_kin_failures']) episode_successes.append( episode_is_success(nr_kin_fails=fails_per_episode[-1], nr_collisions=0, goal_reached=goal_reached[-1])) unscaled_actions = [env._convert_policy_to_env_actions(a) for a in actions] vel_norms.append(np.mean([a[0] for a in unscaled_actions])) if (verbose > 1) or (env.get_world() != "sim"): rospy.loginfo( f"{name_prefix}: Eval ep {i}: {(time.time() - t) / 60:.2f} minutes, {episode_length} steps. " f"Ik failures: {fails_per_episode[-1]}. " f"{sum(episode_successes)}/{i + 1} full success.") log_dict = {} if env._learn_vel_norm != -1: log_dict['vel_norm'] = np.mean(vel_norms) ik_fail_thresh = env._ik_fail_thresh fails_per_episode = np.array(fails_per_episode) metrics = {'return_undisc': np.mean(episode_rewards), 'return_disc': np.mean(episode_returns), 'epoch_len': np.mean(episode_lengths), f'ik_b{ik_fail_thresh}': np.mean(fails_per_episode <= ik_fail_thresh), 'ik_b11': np.mean(fails_per_episode < 11), 'ik_zero_fail': np.mean(fails_per_episode == 0), 'ik_fails': np.mean(fails_per_episode), 'goal_reached': np.mean(goal_reached), 'success': np.mean(episode_successes), 'global_step': global_step, 'timesteps_total': global_step} rospy.loginfo("---------------------------------------") rospy.loginfo(f"T {global_step}, {name_prefix:} evaluation over {num_eval_episodes:.0f} episodes: " f"Avg. return (undisc) {metrics[f'return_undisc']:.2f}, (disc) {metrics[f'return_disc']:.2f}, " f"Avg failures {metrics[f'ik_fails']:.2f}, Avg success: {metrics['success']:.2f}") rospy.loginfo( f"IK fails: {metrics[f'ik_b{ik_fail_thresh}']:.2f}p < {ik_fail_thresh}, {metrics[f'ik_b11']:.2f}p < 11, " f"{metrics[f'ik_zero_fail']:.2f}p < 1") rospy.loginfo("---------------------------------------") log_dict.update({(f'{name_prefix}/{k}' if ('step' not in k) else k): v for k, v in metrics.items()}) for k, v in log_dict.items(): policy.logger.record(k, v) plt.close('all') return episode_rewards, episode_lengths, metrics, name_prefix def evaluate_on_task(config, agent, eval_env_config, task: str, world_type: str): eval_env_config = eval_env_config.copy() eval_env_config['world_type'] = world_type env = create_env(eval_env_config, task=task, node_handle=eval_env_config["node_handle"], flatten_obs=True) rospy.loginfo(f"Evaluating on task {env.taskname()} with {world_type} execution.") prefix = '' if world_type != 'sim': prefix += f'ts{config["time_step"]}_slow{config["slow_down_real_exec"]}' agent.eval(env, nr_evaluations=config["nr_evaluations"], name_prefix=prefix) env.clear()
[ 1, 529, 276, 1112, 420, 29958, 29885, 557, 2879, 1647, 29895, 333, 275, 29914, 459, 355, 29878, 29966, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 29937, 14187, 1266, 29871, 29906, 29900, 29906, 29900, 29899, 29906, 29900, 29906, 29896, 4673, 8353, 7824, 8010, 13, 29937, 13, 29937, 10413, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 376, 29931, 293, 1947, 1496, 13, 29937, 366, 1122, 451, 671, 445, 934, 5174, 297, 752, 13036, 411, 278, 19245, 29889, 13, 29937, 887, 1122, 4017, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 268, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 7047, 13, 29937, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 13, 29937, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 13, 29937, 2823, 278, 19245, 363, 278, 2702, 4086, 14765, 1076, 11239, 322, 13, 29937, 27028, 1090, 278, 19245, 29889, 13, 13, 5215, 12655, 408, 7442, 13, 5215, 696, 1028, 29891, 13, 5215, 931, 13, 5215, 4842, 305, 13, 3166, 22889, 1053, 11451, 5317, 408, 14770, 13, 13, 3166, 1015, 355, 29878, 29889, 6451, 29889, 16769, 29918, 1171, 666, 2785, 29889, 16769, 2241, 29889, 264, 4270, 29889, 6272, 29918, 13239, 1053, 22235, 29918, 2218, 29883, 29918, 2457, 13, 3166, 1015, 355, 29878, 29889, 6451, 29889, 16769, 29918, 1171, 666, 2785, 29889, 16769, 2241, 29889, 13239, 1053, 1653, 29918, 6272, 13, 13, 13, 1753, 12720, 29918, 275, 29918, 8698, 29898, 22230, 29918, 9089, 29918, 29888, 2234, 29901, 938, 29892, 17114, 29918, 22017, 12112, 29901, 938, 29892, 7306, 29918, 276, 3791, 29901, 6120, 29897, 1599, 6120, 29901, 13, 1678, 736, 313, 22230, 29918, 9089, 29918, 29888, 2234, 1275, 29871, 29900, 29897, 322, 313, 22230, 29918, 22017, 12112, 1275, 29871, 29900, 29897, 322, 7306, 29918, 276, 3791, 13, 13, 13, 1753, 17983, 29918, 1245, 449, 29898, 22197, 29892, 8829, 29892, 954, 29918, 14513, 29918, 1022, 275, 2631, 29901, 938, 29892, 5534, 29918, 10568, 29901, 938, 29892, 26952, 29901, 6120, 353, 5852, 29892, 13, 462, 539, 1024, 29918, 13506, 29901, 851, 353, 6629, 1125, 13, 1678, 1024, 29918, 13506, 353, 285, 29908, 29912, 978, 29918, 13506, 718, 22868, 29915, 565, 1024, 29918, 13506, 1683, 6629, 1157, 6272, 29889, 21027, 978, 5038, 13, 13, 1678, 12720, 29918, 276, 2935, 29892, 12720, 29918, 2848, 29879, 29892, 12720, 29918, 18280, 29892, 12720, 29918, 8698, 267, 29892, 8465, 29918, 546, 29918, 1022, 275, 356, 29892, 7306, 29918, 276, 3791, 29892, 5343, 29918, 12324, 29879, 353, 518, 13, 4706, 5159, 363, 903, 297, 3464, 29898, 29955, 4638, 13, 1678, 4236, 29918, 2435, 353, 29871, 29896, 29900, 29900, 29918, 29900, 29900, 29900, 13, 1678, 411, 4842, 305, 29889, 1217, 29918, 5105, 7295, 13, 4706, 363, 474, 297, 3464, 29898, 1949, 29918, 14513, 29918, 1022, 275, 2631, 1125, 13, 9651, 260, 353, 931, 29889, 2230, 580, 13, 9651, 2309, 353, 7700, 13, 9651, 20881, 353, 8829, 29889, 12071, 580, 13, 13, 9651, 337, 2935, 29892, 3041, 359, 29892, 8820, 353, 19997, 19997, 5159, 13, 9651, 1550, 451, 2309, 29901, 13, 18884, 3158, 29892, 2106, 353, 8898, 29889, 27711, 29898, 26290, 29892, 11806, 4695, 29922, 5574, 29897, 13, 13, 18884, 20881, 29892, 20751, 29892, 2309, 29892, 5235, 353, 8829, 29889, 10568, 29898, 2467, 29897, 13, 13, 18884, 337, 2935, 29889, 4397, 29898, 276, 1328, 29897, 13, 18884, 3041, 359, 29889, 4397, 29898, 3888, 29897, 13, 18884, 12720, 29918, 2848, 353, 7431, 29898, 276, 2935, 29897, 13, 18884, 8820, 29889, 4397, 29898, 2467, 29897, 13, 13, 18884, 565, 12720, 29918, 2848, 1405, 4236, 29918, 2435, 29901, 13, 462, 1678, 4974, 12720, 29918, 2848, 529, 4236, 29918, 2435, 29892, 285, 29908, 29923, 2227, 6156, 2287, 8079, 426, 1022, 275, 356, 29918, 2848, 29913, 317, 4330, 7024, 3850, 13, 13, 9651, 12720, 29918, 276, 2935, 29889, 4397, 29898, 9302, 29889, 2083, 29898, 276, 2935, 876, 13, 9651, 736, 29918, 2218, 29883, 353, 22235, 29918, 2218, 29883, 29918, 2457, 29898, 276, 2935, 29892, 330, 2735, 29922, 22197, 29889, 4283, 29897, 13, 9651, 12720, 29918, 18280, 29889, 4397, 29898, 2457, 29918, 2218, 29883, 29897, 13, 9651, 12720, 29918, 2848, 29879, 29889, 4397, 29898, 1022, 275, 356, 29918, 2848, 29897, 13, 9651, 7306, 29918, 276, 3791, 29889, 4397, 29898, 7192, 359, 14352, 29896, 22322, 3905, 29918, 15091, 11287, 13, 9651, 396, 19015, 8465, 526, 13299, 28524, 13, 9651, 8465, 29918, 546, 29918, 1022, 275, 356, 29889, 4397, 29898, 7192, 359, 14352, 29896, 22322, 22230, 29918, 9089, 29918, 14057, 1973, 11287, 13, 9651, 12720, 29918, 8698, 267, 29889, 4397, 29898, 13, 18884, 12720, 29918, 275, 29918, 8698, 29898, 22230, 29918, 9089, 29918, 29888, 2234, 29922, 29888, 2234, 29918, 546, 29918, 1022, 275, 356, 14352, 29896, 1402, 17114, 29918, 22017, 12112, 29922, 29900, 29892, 7306, 29918, 276, 3791, 29922, 28111, 29918, 276, 3791, 14352, 29896, 12622, 13, 13, 9651, 443, 7052, 29881, 29918, 7387, 353, 518, 6272, 3032, 13441, 29918, 22197, 29918, 517, 29918, 6272, 29918, 7387, 29898, 29874, 29897, 363, 263, 297, 8820, 29962, 13, 9651, 5343, 29918, 12324, 29879, 29889, 4397, 29898, 9302, 29889, 12676, 4197, 29874, 29961, 29900, 29962, 363, 263, 297, 443, 7052, 29881, 29918, 7387, 12622, 13, 13, 9651, 565, 313, 369, 15828, 1405, 29871, 29896, 29897, 470, 313, 6272, 29889, 657, 29918, 11526, 580, 2804, 376, 3601, 29908, 1125, 13, 18884, 696, 1028, 29891, 29889, 1188, 3888, 29898, 13, 462, 1678, 285, 29908, 29912, 978, 29918, 13506, 6177, 382, 791, 9358, 426, 29875, 6177, 426, 29898, 2230, 29889, 2230, 580, 448, 260, 29897, 847, 29871, 29953, 29900, 29901, 29889, 29906, 29888, 29913, 6233, 29892, 426, 1022, 275, 356, 29918, 2848, 29913, 6576, 29889, 376, 13, 462, 1678, 285, 29908, 29902, 29895, 4418, 1973, 29901, 426, 29888, 2234, 29918, 546, 29918, 1022, 275, 356, 14352, 29896, 29962, 1836, 376, 13, 462, 1678, 285, 29908, 29912, 2083, 29898, 1022, 275, 356, 29918, 8698, 267, 2915, 19248, 29875, 718, 29871, 29896, 29913, 2989, 2551, 23157, 13, 13, 1678, 1480, 29918, 8977, 353, 6571, 13, 1678, 565, 8829, 3032, 19668, 29918, 955, 29918, 12324, 2804, 448, 29896, 29901, 13, 4706, 1480, 29918, 8977, 1839, 955, 29918, 12324, 2033, 353, 7442, 29889, 12676, 29898, 955, 29918, 12324, 29879, 29897, 13, 13, 1678, 12380, 29918, 14057, 29918, 386, 3781, 353, 8829, 3032, 638, 29918, 14057, 29918, 386, 3781, 13, 1678, 8465, 29918, 546, 29918, 1022, 275, 356, 353, 7442, 29889, 2378, 29898, 29888, 2234, 29918, 546, 29918, 1022, 275, 356, 29897, 13, 1678, 21556, 353, 11117, 2457, 29918, 870, 10669, 2396, 7442, 29889, 12676, 29898, 1022, 275, 356, 29918, 276, 2935, 511, 13, 1669, 525, 2457, 29918, 2218, 29883, 2396, 7442, 29889, 12676, 29898, 1022, 275, 356, 29918, 18280, 511, 13, 1669, 525, 1022, 2878, 29918, 2435, 2396, 7442, 29889, 12676, 29898, 1022, 275, 356, 29918, 2848, 29879, 511, 13, 1669, 285, 29915, 638, 29918, 29890, 29912, 638, 29918, 14057, 29918, 386, 3781, 29913, 2396, 7442, 29889, 12676, 29898, 29888, 2234, 29918, 546, 29918, 1022, 275, 356, 5277, 12380, 29918, 14057, 29918, 386, 3781, 511, 13, 1669, 525, 638, 29918, 29890, 29896, 29896, 2396, 7442, 29889, 12676, 29898, 29888, 2234, 29918, 546, 29918, 1022, 275, 356, 529, 29871, 29896, 29896, 511, 13, 1669, 525, 638, 29918, 9171, 29918, 14057, 2396, 7442, 29889, 12676, 29898, 29888, 2234, 29918, 546, 29918, 1022, 275, 356, 1275, 29871, 29900, 511, 13, 1669, 525, 638, 29918, 29888, 2234, 2396, 7442, 29889, 12676, 29898, 29888, 2234, 29918, 546, 29918, 1022, 275, 356, 511, 13, 1669, 525, 28111, 29918, 276, 3791, 2396, 7442, 29889, 12676, 29898, 28111, 29918, 276, 3791, 511, 13, 1669, 525, 8698, 2396, 7442, 29889, 12676, 29898, 1022, 275, 356, 29918, 8698, 267, 511, 13, 1669, 525, 10945, 29918, 10568, 2396, 5534, 29918, 10568, 29892, 13, 1669, 525, 9346, 4196, 567, 29918, 7827, 2396, 5534, 29918, 10568, 29913, 13, 1678, 696, 1028, 29891, 29889, 1188, 3888, 703, 2683, 2683, 26589, 1159, 13, 1678, 696, 1028, 29891, 29889, 1188, 3888, 29898, 29888, 29908, 29911, 426, 10945, 29918, 10568, 1118, 426, 978, 29918, 13506, 3854, 17983, 975, 426, 1949, 29918, 14513, 29918, 1022, 275, 2631, 29901, 29889, 29900, 29888, 29913, 23238, 29901, 376, 13, 462, 29871, 285, 29908, 12810, 29887, 29889, 736, 313, 870, 10669, 29897, 426, 2527, 10817, 29961, 29888, 29915, 2457, 29918, 870, 10669, 2033, 29901, 29889, 29906, 29888, 1118, 313, 2218, 29883, 29897, 426, 2527, 10817, 29961, 29888, 29915, 2457, 29918, 2218, 29883, 2033, 29901, 29889, 29906, 29888, 1118, 376, 13, 462, 29871, 285, 29908, 12810, 29887, 4418, 1973, 426, 2527, 10817, 29961, 29888, 29915, 638, 29918, 29888, 2234, 2033, 29901, 29889, 29906, 29888, 1118, 7740, 29887, 2551, 29901, 426, 2527, 10817, 1839, 8698, 2033, 29901, 29889, 29906, 29888, 27195, 13, 1678, 696, 1028, 29891, 29889, 1188, 3888, 29898, 13, 4706, 285, 29908, 23328, 8465, 29901, 426, 2527, 10817, 29961, 29888, 29915, 638, 29918, 29890, 29912, 638, 29918, 14057, 29918, 386, 3781, 29913, 2033, 29901, 29889, 29906, 29888, 29913, 29886, 529, 426, 638, 29918, 14057, 29918, 386, 3781, 1118, 426, 2527, 10817, 29961, 29888, 29915, 638, 29918, 29890, 29896, 29896, 2033, 29901, 29889, 29906, 29888, 29913, 29886, 529, 29871, 29896, 29896, 29892, 376, 13, 4706, 285, 29908, 29912, 2527, 10817, 29961, 29888, 29915, 638, 29918, 9171, 29918, 14057, 2033, 29901, 29889, 29906, 29888, 29913, 29886, 529, 29871, 29896, 1159, 13, 1678, 696, 1028, 29891, 29889, 1188, 3888, 703, 2683, 2683, 26589, 1159, 13, 13, 1678, 1480, 29918, 8977, 29889, 5504, 3319, 29898, 29888, 29915, 29912, 978, 29918, 13506, 6822, 29912, 29895, 10162, 565, 6702, 10568, 29915, 451, 297, 413, 29897, 1683, 413, 1125, 325, 363, 413, 29892, 325, 297, 21556, 29889, 7076, 580, 1800, 13, 1678, 363, 413, 29892, 325, 297, 1480, 29918, 8977, 29889, 7076, 7295, 13, 4706, 8898, 29889, 21707, 29889, 11651, 29898, 29895, 29892, 325, 29897, 13, 13, 1678, 14770, 29889, 5358, 877, 497, 1495, 13, 1678, 736, 12720, 29918, 276, 2935, 29892, 12720, 29918, 2848, 29879, 29892, 21556, 29892, 1024, 29918, 13506, 13, 13, 13, 1753, 14707, 29918, 265, 29918, 7662, 29898, 2917, 29892, 10823, 29892, 19745, 29918, 6272, 29918, 2917, 29892, 3414, 29901, 851, 29892, 3186, 29918, 1853, 29901, 851, 1125, 13, 1678, 19745, 29918, 6272, 29918, 2917, 353, 19745, 29918, 6272, 29918, 2917, 29889, 8552, 580, 13, 1678, 19745, 29918, 6272, 29918, 2917, 1839, 11526, 29918, 1853, 2033, 353, 3186, 29918, 1853, 13, 1678, 8829, 353, 1653, 29918, 6272, 29898, 14513, 29918, 6272, 29918, 2917, 29892, 13, 462, 268, 3414, 29922, 7662, 29892, 13, 462, 268, 2943, 29918, 8411, 29922, 14513, 29918, 6272, 29918, 2917, 3366, 3177, 29918, 8411, 12436, 13, 462, 268, 1652, 8606, 29918, 26290, 29922, 5574, 29897, 13, 13, 1678, 696, 1028, 29891, 29889, 1188, 3888, 29898, 29888, 29908, 29923, 4387, 1218, 373, 3414, 426, 6272, 29889, 7662, 978, 28296, 411, 426, 11526, 29918, 1853, 29913, 8225, 23157, 13, 1678, 10944, 353, 6629, 13, 1678, 565, 3186, 29918, 1853, 2804, 525, 3601, 2396, 13, 4706, 10944, 4619, 285, 29915, 1372, 29912, 2917, 3366, 2230, 29918, 10568, 3108, 2403, 28544, 29912, 2917, 3366, 28544, 29918, 3204, 29918, 6370, 29918, 4258, 3108, 10162, 13, 13, 1678, 10823, 29889, 14513, 29898, 6272, 29892, 17114, 29918, 24219, 800, 29922, 2917, 3366, 22230, 29918, 24219, 800, 12436, 1024, 29918, 13506, 29922, 13506, 29897, 13, 1678, 8829, 29889, 8551, 580, 13, 2 ]
code/lip_tracking/speech_feature_extraction/speechpy/feature.py
hengxyz/Talking-head-Audio-Visual-Matching
1
157818
<filename>code/lip_tracking/speech_feature_extraction/speechpy/feature.py<gh_stars>1-10 from __future__ import division import numpy as np from . import processing from scipy.fftpack import dct import math from . import functions def filterbanks(num_filter, fftpoints, sampling_freq, low_freq=None, high_freq=None): """Compute the Mel-filterbanks. Each filter will be stored in one rows. The columns correspond to fft bins. Args: num_filter (int): the number of filters in the filterbank, default 20. fftpoints (int): the FFT size. Default is 512. sampling_freq (float): the samplerate of the signal we are working with. Affects mel spacing. low_freq (float): lowest band edge of mel filters, default 0 Hz high_freq (float): highest band edge of mel filters, default samplerate/2 Returns: array: A numpy array of size num_filter x (fftpoints//2 + 1) which are filterbank """ high_freq = high_freq or sampling_freq / 2 low_freq = low_freq or 300 assert high_freq <= sampling_freq / 2, "High frequency cannot be greater than half of the sampling frequency!" assert low_freq >= 0, "low frequency cannot be less than zero!" ###################################################### ########### Computing the Mel filterbank ############# ###################################################### # converting the upper and lower frequencies to Mels. # num_filter + 2 is because for num_filter filterbanks we need num_filter+2 point. mels = np.linspace(functions.frequency_to_mel(low_freq), functions.frequency_to_mel(high_freq), num_filter + 2) # we should convert Mels back to Hertz because the start and end-points should be at the desired frequencies. hertz = functions.mel_to_frequency(mels) # The frequency resolution required to put filters at the # exact points calculated above should be extracted. # So we should round those frequencies to the closest FFT bin. freq_index = (np.floor((fftpoints + 1) * hertz / sampling_freq)).astype(int) # Initial definition filterbank = np.zeros([num_filter, fftpoints]) # The triangular function for each filter for i in range(0, num_filter): left = int(freq_index[i]) middle = int(freq_index[i + 1]) right = int(freq_index[i + 2]) z = np.linspace(left, right, num=right - left + 1) filterbank[i, left:right + 1] = functions.triangle(z, left=left, middle=middle, right=right) return filterbank def mfcc(signal, sampling_frequency, frame_length=0.020, frame_stride=0.01,num_cepstral =13, num_filters=40, fft_length=512, low_frequency=0, high_frequency=None, dc_elimination=True): """Compute MFCC features from an audio signal. Args: signal (array): the audio signal from which to compute features. Should be an N x 1 array sampling_frequency (int): the sampling frequency of the signal we are working with. frame_length (float): the length of each frame in seconds. Default is 0.020s frame_stride (float): the step between successive frames in seconds. Default is 0.02s (means no overlap) num_filters (int): the number of filters in the filterbank, default 40. fft_length (int): number of FFT points. Default is 512. low_frequency (float): lowest band edge of mel filters. In Hz, default is 0. high_frequency (float): highest band edge of mel filters. In Hz, default is samplerate/2 num_cepstral (int): Number of cepstral coefficients. dc_elimination (bool): hIf the first dc component should be eliminated or not. Returns: array: A numpy array of size (num_frames x num_cepstral) containing mfcc features. """ feature, energy = mfe(signal, sampling_frequency=sampling_frequency, frame_length=frame_length, frame_stride=frame_stride, num_filters=num_filters, fft_length=fft_length, low_frequency=low_frequency, high_frequency=high_frequency) if len(feature) == 0: return np.empty((0, num_cepstral)) feature = np.log(feature) feature = dct(feature, type=2, axis=-1, norm='ortho')[:, :num_cepstral] # replace first cepstral coefficient with log of frame energy for DC elimination. if dc_elimination: feature[:, 0] = np.log(energy) return feature def mfe(signal, sampling_frequency, frame_length=0.020, frame_stride=0.01, num_filters=40, fft_length=512, low_frequency=0, high_frequency=None): """Compute Mel-filterbank energy features from an audio signal. signal (array): the audio signal from which to compute features. Should be an N x 1 array sampling_frequency (int): the sampling frequency of the signal we are working with. frame_length (float): the length of each frame in seconds. Default is 0.020s frame_stride (float): the step between successive frames in seconds. Default is 0.02s (means no overlap) num_filters (int): the number of filters in the filterbank, default 40. fft_length (int): number of FFT points. Default is 512. low_frequency (float): lowest band edge of mel filters. In Hz, default is 0. high_frequency (float): highest band edge of mel filters. In Hz, default is samplerate/2 Returns: array: features - the energy of fiterbank: num_frames x num_filters frame_energies. The energy of each frame: num_frames x 1 """ # Convert to float signal = signal.astype(float) # Stack frames frames = processing.stack_frames(signal, sampling_frequency=sampling_frequency, frame_length=frame_length, frame_stride=frame_stride, filter=lambda x: np.ones((x,)), zero_padding=False) # getting the high frequency high_frequency = high_frequency or sampling_frequency / 2 # calculation of the power sprectum power_spectrum = processing.power_spectrum(frames, fft_length) number_fft_coefficients = power_spectrum.shape[1] frame_energies = np.sum(power_spectrum, 1) # this stores the total energy in each frame # Handling zero enegies. frame_energies = functions.zero_handling(frame_energies) # Extracting the filterbank filter_banks = filterbanks(num_filters, number_fft_coefficients, sampling_frequency, low_frequency, high_frequency) # Filterbank energies features = np.dot(power_spectrum, filter_banks.T) features = functions.zero_handling(features) return features, frame_energies def lmfe(signal, sampling_frequency, frame_length=0.020, frame_stride=0.01, num_filters=40, fft_length=512, low_frequency=0, high_frequency=None): """Compute log Mel-filterbank energy features from an audio signal. Args: signal (array): the audio signal from which to compute features. Should be an N x 1 array sampling_frequency (int): the sampling frequency of the signal we are working with. frame_length (float): the length of each frame in seconds. Default is 0.020s frame_stride (float): the step between successive frames in seconds. Default is 0.02s (means no overlap) num_filters (int): the number of filters in the filterbank, default 40. fft_length (int): number of FFT points. Default is 512. low_frequency (float): lowest band edge of mel filters. In Hz, default is 0. high_frequency (float): highest band edge of mel filters. In Hz, default is samplerate/2 Returns: array: Features - The energy of fiterbank: num_frames x num_filters frame_log_energies. The log energy of each frame: num_frames x 1 """ feature, frame_energies = mfe(signal, sampling_frequency=sampling_frequency, frame_length=frame_length, frame_stride=frame_stride, num_filters=num_filters, fft_length=fft_length, low_frequency=low_frequency, high_frequency=high_frequency) feature = np.log(feature) return feature def extract_derivative_feature(feature): """ This function extracts temporal derivative features which are first and second derivatives. Args: feature (array): The feature vector which its size is: N x M Return: array: The feature cube vector which contains the static, first and second derivative features of size: N x M x 3 """ first_derivative_feature = processing.derivative_extraction(feature, DeltaWindows=2) second_derivative_feature = processing.derivative_extraction(first_derivative_feature, DeltaWindows=2) # Creating the future cube for each file feature_cube = np.concatenate( (feature[:, :, None], first_derivative_feature[:, :, None], second_derivative_feature[:, :, None]), axis=2) return feature_cube
[ 1, 529, 9507, 29958, 401, 29914, 3466, 29918, 11294, 292, 29914, 5965, 5309, 29918, 14394, 29918, 1062, 13857, 29914, 5965, 5309, 2272, 29914, 14394, 29889, 2272, 29966, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 3166, 4770, 29888, 9130, 1649, 1053, 8542, 13, 5215, 12655, 408, 7442, 13, 3166, 869, 1053, 9068, 13, 3166, 4560, 2272, 29889, 600, 29873, 4058, 1053, 270, 312, 13, 5215, 5844, 13, 3166, 869, 1053, 3168, 13, 13, 13, 1753, 4175, 29890, 1331, 29898, 1949, 29918, 4572, 29892, 285, 615, 9748, 29892, 23460, 29918, 29888, 7971, 29892, 4482, 29918, 29888, 7971, 29922, 8516, 29892, 1880, 29918, 29888, 7971, 29922, 8516, 1125, 13, 1678, 9995, 20606, 29872, 278, 6286, 29899, 4572, 29890, 1331, 29889, 7806, 4175, 674, 367, 6087, 297, 697, 4206, 29889, 450, 4341, 3928, 304, 285, 615, 289, 1144, 29889, 13, 13, 1678, 826, 3174, 29901, 13, 4706, 954, 29918, 4572, 313, 524, 1125, 278, 1353, 310, 18094, 297, 278, 4175, 9157, 29892, 2322, 29871, 29906, 29900, 29889, 13, 4706, 285, 615, 9748, 313, 524, 1125, 278, 383, 7818, 2159, 29889, 13109, 338, 29871, 29945, 29896, 29906, 29889, 13, 4706, 23460, 29918, 29888, 7971, 313, 7411, 1125, 278, 3514, 20069, 403, 310, 278, 7182, 591, 526, 1985, 411, 29889, 319, 7161, 29879, 9232, 29250, 29889, 13, 4706, 4482, 29918, 29888, 7971, 313, 7411, 1125, 19604, 3719, 7636, 310, 9232, 18094, 29892, 2322, 29871, 29900, 379, 29920, 13, 4706, 1880, 29918, 29888, 7971, 313, 7411, 1125, 9939, 3719, 7636, 310, 9232, 18094, 29892, 2322, 3514, 20069, 403, 29914, 29906, 13, 13, 1678, 16969, 29901, 13, 965, 1409, 29901, 319, 12655, 1409, 310, 2159, 954, 29918, 4572, 921, 313, 600, 29873, 9748, 458, 29906, 718, 29871, 29896, 29897, 607, 526, 4175, 9157, 13, 1678, 9995, 13, 1678, 1880, 29918, 29888, 7971, 353, 1880, 29918, 29888, 7971, 470, 23460, 29918, 29888, 7971, 847, 29871, 29906, 13, 1678, 4482, 29918, 29888, 7971, 353, 4482, 29918, 29888, 7971, 470, 29871, 29941, 29900, 29900, 13, 1678, 4974, 1880, 29918, 29888, 7971, 5277, 23460, 29918, 29888, 7971, 847, 29871, 29906, 29892, 376, 16382, 10868, 2609, 367, 7621, 1135, 4203, 310, 278, 23460, 10868, 3850, 13, 1678, 4974, 4482, 29918, 29888, 7971, 6736, 29871, 29900, 29892, 376, 677, 10868, 2609, 367, 3109, 1135, 5225, 3850, 13, 13, 1678, 835, 13383, 13383, 13383, 2277, 29937, 13, 1678, 835, 7346, 11796, 292, 278, 6286, 4175, 9157, 835, 7346, 2277, 13, 1678, 835, 13383, 13383, 13383, 2277, 29937, 13, 13, 1678, 396, 17415, 278, 7568, 322, 5224, 29511, 304, 341, 1379, 29889, 13, 1678, 396, 954, 29918, 4572, 718, 29871, 29906, 338, 1363, 363, 954, 29918, 4572, 4175, 29890, 1331, 591, 817, 954, 29918, 4572, 29974, 29906, 1298, 29889, 13, 1678, 286, 1379, 353, 7442, 29889, 1915, 3493, 29898, 12171, 29889, 10745, 23860, 29918, 517, 29918, 12873, 29898, 677, 29918, 29888, 7971, 511, 3168, 29889, 10745, 23860, 29918, 517, 29918, 12873, 29898, 9812, 29918, 29888, 7971, 511, 954, 29918, 4572, 718, 29871, 29906, 29897, 13, 13, 1678, 396, 591, 881, 3588, 341, 1379, 1250, 304, 379, 814, 29920, 1363, 278, 1369, 322, 1095, 29899, 9748, 881, 367, 472, 278, 7429, 29511, 29889, 13, 1678, 298, 814, 29920, 353, 3168, 29889, 12873, 29918, 517, 29918, 10745, 23860, 29898, 29885, 1379, 29897, 13, 13, 1678, 396, 450, 10868, 10104, 3734, 304, 1925, 18094, 472, 278, 13, 1678, 396, 2684, 3291, 12833, 2038, 881, 367, 23892, 29889, 13, 1678, 396, 29871, 1105, 591, 881, 4513, 1906, 29511, 304, 278, 21438, 383, 7818, 9016, 29889, 13, 1678, 3005, 29939, 29918, 2248, 353, 313, 9302, 29889, 14939, 3552, 600, 29873, 9748, 718, 29871, 29896, 29897, 334, 298, 814, 29920, 847, 23460, 29918, 29888, 7971, 8106, 579, 668, 29898, 524, 29897, 13, 13, 1678, 396, 17250, 5023, 13, 1678, 4175, 9157, 353, 7442, 29889, 3298, 359, 4197, 1949, 29918, 4572, 29892, 285, 615, 9748, 2314, 13, 13, 1678, 396, 450, 3367, 6825, 740, 363, 1269, 4175, 13, 1678, 363, 474, 297, 3464, 29898, 29900, 29892, 954, 29918, 4572, 1125, 13, 4706, 2175, 353, 938, 29898, 29888, 7971, 29918, 2248, 29961, 29875, 2314, 13, 4706, 7256, 353, 938, 29898, 29888, 7971, 29918, 2248, 29961, 29875, 718, 29871, 29896, 2314, 13, 4706, 1492, 353, 938, 29898, 29888, 7971, 29918, 2248, 29961, 29875, 718, 29871, 29906, 2314, 13, 4706, 503, 353, 7442, 29889, 1915, 3493, 29898, 1563, 29892, 1492, 29892, 954, 29922, 1266, 448, 2175, 718, 29871, 29896, 29897, 13, 4706, 4175, 9157, 29961, 29875, 29892, 2175, 29901, 1266, 718, 29871, 29896, 29962, 353, 3168, 29889, 26701, 29898, 29920, 29892, 2175, 29922, 1563, 29892, 7256, 29922, 17662, 29892, 1492, 29922, 1266, 29897, 13, 13, 1678, 736, 4175, 9157, 13, 13, 1753, 286, 29888, 617, 29898, 25436, 29892, 23460, 29918, 10745, 23860, 29892, 3515, 29918, 2848, 29922, 29900, 29889, 29900, 29906, 29900, 29892, 3515, 29918, 303, 2426, 29922, 29900, 29889, 29900, 29896, 29892, 1949, 29918, 13300, 710, 284, 353, 29896, 29941, 29892, 13, 632, 954, 29918, 26705, 29922, 29946, 29900, 29892, 285, 615, 29918, 2848, 29922, 29945, 29896, 29906, 29892, 4482, 29918, 10745, 23860, 29922, 29900, 29892, 1880, 29918, 10745, 23860, 29922, 8516, 29892, 270, 29883, 29918, 295, 326, 3381, 29922, 5574, 1125, 13, 1678, 9995, 20606, 29872, 341, 29943, 4174, 5680, 515, 385, 10348, 7182, 29889, 13, 13, 1678, 826, 3174, 29901, 13, 13, 308, 7182, 313, 2378, 1125, 278, 10348, 7182, 515, 607, 304, 10272, 5680, 29889, 10575, 367, 385, 405, 921, 29871, 29896, 1409, 13, 308, 23460, 29918, 10745, 23860, 313, 524, 1125, 278, 23460, 10868, 310, 278, 7182, 591, 526, 1985, 411, 29889, 13, 308, 3515, 29918, 2848, 313, 7411, 1125, 278, 3309, 310, 1269, 3515, 297, 6923, 29889, 13109, 338, 29871, 29900, 29889, 29900, 29906, 29900, 29879, 13, 308, 3515, 29918, 303, 2426, 313, 7411, 1125, 278, 4331, 1546, 2551, 573, 16608, 297, 6923, 29889, 13109, 338, 29871, 29900, 29889, 29900, 29906, 29879, 313, 1004, 550, 694, 25457, 29897, 13, 308, 954, 29918, 26705, 313, 524, 1125, 278, 1353, 310, 18094, 297, 278, 4175, 9157, 29892, 2322, 29871, 29946, 29900, 29889, 13, 308, 285, 615, 29918, 2848, 313, 524, 1125, 1353, 310, 383, 7818, 3291, 29889, 13109, 338, 29871, 29945, 29896, 29906, 29889, 13, 308, 4482, 29918, 10745, 23860, 313, 7411, 1125, 19604, 3719, 7636, 310, 9232, 18094, 29889, 512, 379, 29920, 29892, 2322, 338, 29871, 29900, 29889, 13, 308, 1880, 29918, 10745, 23860, 313, 7411, 1125, 9939, 3719, 7636, 310, 9232, 18094, 29889, 512, 379, 29920, 29892, 2322, 338, 3514, 20069, 403, 29914, 29906, 13, 308, 954, 29918, 13300, 710, 284, 313, 524, 1125, 9681, 310, 274, 1022, 710, 284, 16127, 29889, 13, 308, 270, 29883, 29918, 295, 326, 3381, 313, 11227, 1125, 298, 3644, 278, 937, 270, 29883, 4163, 881, 367, 10397, 630, 470, 451, 29889, 13, 13, 1678, 16969, 29901, 13, 4706, 1409, 29901, 319, 12655, 1409, 310, 2159, 313, 1949, 29918, 19935, 921, 954, 29918, 13300, 710, 284, 29897, 6943, 286, 29888, 617, 5680, 29889, 13, 1678, 9995, 13, 13, 1678, 4682, 29892, 5864, 353, 286, 1725, 29898, 25436, 29892, 23460, 29918, 10745, 23860, 29922, 13445, 10335, 29918, 10745, 23860, 29892, 3515, 29918, 2848, 29922, 2557, 29918, 2848, 29892, 3515, 29918, 303, 2426, 29922, 2557, 29918, 303, 2426, 29892, 13, 632, 954, 29918, 26705, 29922, 1949, 29918, 26705, 29892, 285, 615, 29918, 2848, 29922, 600, 29873, 29918, 2848, 29892, 4482, 29918, 10745, 23860, 29922, 677, 29918, 10745, 23860, 29892, 1880, 29918, 10745, 23860, 29922, 9812, 29918, 10745, 23860, 29897, 13, 1678, 565, 7431, 29898, 14394, 29897, 1275, 29871, 29900, 29901, 13, 4706, 736, 7442, 29889, 6310, 3552, 29900, 29892, 954, 29918, 13300, 710, 284, 876, 13, 1678, 4682, 353, 7442, 29889, 1188, 29898, 14394, 29897, 13, 1678, 4682, 353, 270, 312, 29898, 14394, 29892, 1134, 29922, 29906, 29892, 9685, 10457, 29896, 29892, 6056, 2433, 2072, 29877, 1495, 7503, 29892, 584, 1949, 29918, 13300, 710, 284, 29962, 13, 13, 1678, 396, 5191, 937, 274, 1022, 710, 284, 10825, 411, 1480, 310, 3515, 5864, 363, 13681, 29007, 3381, 29889, 13, 1678, 565, 270, 29883, 29918, 295, 326, 3381, 29901, 13, 4706, 4682, 7503, 29892, 29871, 29900, 29962, 353, 7442, 29889, 1188, 29898, 27548, 29897, 13, 1678, 736, 4682, 13, 13, 13, 1753, 286, 1725, 29898, 25436, 29892, 23460, 29918, 10745, 23860, 29892, 3515, 29918, 2848, 29922, 29900, 29889, 29900, 29906, 29900, 29892, 3515, 29918, 303, 2426, 29922, 29900, 29889, 29900, 29896, 29892, 13, 3986, 954, 29918, 26705, 29922, 29946, 29900, 29892, 285, 615, 29918, 2848, 29922, 29945, 29896, 29906, 29892, 4482, 29918, 10745, 23860, 29922, 29900, 29892, 1880, 29918, 10745, 23860, 29922, 8516, 1125, 13, 1678, 9995, 20606, 29872, 6286, 29899, 4572, 9157, 5864, 5680, 515, 385, 10348, 7182, 29889, 13, 13, 308, 7182, 313, 2378, 1125, 278, 10348, 7182, 515, 607, 304, 10272, 5680, 29889, 10575, 367, 385, 405, 921, 29871, 29896, 1409, 13, 308, 23460, 29918, 10745, 23860, 313, 524, 1125, 278, 23460, 10868, 310, 278, 7182, 591, 526, 1985, 411, 29889, 13, 308, 3515, 29918, 2848, 313, 7411, 1125, 278, 3309, 310, 1269, 3515, 297, 6923, 29889, 13109, 338, 29871, 29900, 29889, 29900, 29906, 29900, 29879, 13, 308, 3515, 29918, 303, 2426, 313, 7411, 1125, 278, 4331, 1546, 2551, 573, 16608, 297, 6923, 29889, 13109, 338, 29871, 29900, 29889, 29900, 29906, 29879, 313, 1004, 550, 694, 25457, 29897, 13, 308, 954, 29918, 26705, 313, 524, 1125, 278, 1353, 310, 18094, 297, 278, 4175, 9157, 29892, 2322, 29871, 29946, 29900, 29889, 13, 308, 285, 615, 29918, 2848, 313, 524, 1125, 1353, 310, 383, 7818, 3291, 29889, 13109, 338, 29871, 29945, 29896, 29906, 29889, 13, 308, 4482, 29918, 10745, 23860, 313, 7411, 1125, 19604, 3719, 7636, 310, 9232, 18094, 29889, 512, 379, 29920, 29892, 2322, 338, 29871, 29900, 29889, 13, 308, 1880, 29918, 10745, 23860, 313, 7411, 1125, 9939, 3719, 7636, 310, 9232, 18094, 29889, 512, 379, 29920, 29892, 2322, 338, 3514, 20069, 403, 29914, 29906, 13, 13, 1678, 16969, 29901, 13, 795, 1409, 29901, 5680, 448, 278, 5864, 310, 285, 1524, 9157, 29901, 954, 29918, 19935, 921, 954, 29918, 26705, 3515, 29918, 759, 29887, 583, 29889, 13, 795, 450, 5864, 310, 1269, 3515, 29901, 954, 29918, 19935, 921, 29871, 29896, 13, 1678, 9995, 13, 13, 1678, 396, 14806, 304, 5785, 13, 1678, 7182, 353, 7182, 29889, 579, 668, 29898, 7411, 29897, 13, 13, 1678, 396, 10292, 16608, 13, 1678, 16608, 353, 9068, 29889, 1429, 29918, 19935, 29898, 25436, 29892, 23460, 29918, 10745, 23860, 29922, 13445, 10335, 29918, 10745, 23860, 29892, 3515, 29918, 2848, 29922, 2557, 29918, 2848, 29892, 13, 462, 462, 268, 3515, 29918, 303, 2426, 29922, 2557, 29918, 303, 2426, 29892, 13, 462, 462, 268, 4175, 29922, 2892, 921, 29901, 7442, 29889, 2873, 3552, 29916, 29892, 8243, 13, 462, 462, 268, 5225, 29918, 12791, 29922, 8824, 29897, 13, 13, 1678, 396, 2805, 278, 1880, 10868, 13, 1678, 1880, 29918, 10745, 23860, 353, 1880, 29918, 10745, 23860, 470, 23460, 29918, 10745, 23860, 847, 29871, 29906, 13, 13, 1678, 396, 13944, 310, 278, 3081, 805, 1621, 398, 13, 1678, 3081, 29918, 21494, 5848, 353, 9068, 29889, 13519, 29918, 21494, 5848, 29898, 19935, 29892, 285, 615, 29918, 2848, 29897, 13, 1678, 1353, 29918, 600, 29873, 29918, 1111, 8462, 29879, 353, 3081, 29918, 21494, 5848, 29889, 12181, 29961, 29896, 29962, 13, 1678, 3515, 29918, 759, 29887, 583, 353, 7442, 29889, 2083, 29898, 13519, 29918, 21494, 5848, 29892, 29871, 29896, 29897, 29871, 396, 445, 14422, 278, 3001, 5864, 297, 1269, 3515, 13, 13, 1678, 396, 5166, 1847, 5225, 427, 387, 583, 29889, 13, 1678, 3515, 29918, 759, 29887, 583, 353, 3168, 29889, 9171, 29918, 3179, 1847, 29898, 2557, 29918, 759, 29887, 583, 29897, 13, 13, 1678, 396, 7338, 1461, 292, 278, 4175, 9157, 13, 1678, 4175, 29918, 29890, 1331, 353, 4175, 29890, 1331, 29898, 1949, 29918, 26705, 29892, 1353, 29918, 600, 29873, 29918, 1111, 8462, 29879, 29892, 23460, 29918, 10745, 23860, 29892, 4482, 29918, 10745, 23860, 29892, 1880, 29918, 10745, 23860, 29897, 13, 13, 1678, 396, 19916, 9157, 18190, 583, 13, 1678, 5680, 353, 7442, 29889, 6333, 29898, 13519, 29918, 21494, 5848, 29892, 4175, 29918, 29890, 1331, 29889, 29911, 29897, 13, 1678, 5680, 353, 3168, 29889, 9171, 29918, 3179, 1847, 29898, 22100, 29897, 13, 13, 1678, 736, 5680, 29892, 3515, 29918, 759, 29887, 583, 13, 13, 13, 1753, 301, 29885, 1725, 29898, 25436, 29892, 23460, 29918, 10745, 23860, 29892, 3515, 29918, 2848, 29922, 29900, 29889, 29900, 29906, 29900, 29892, 3515, 29918, 303, 2426, 29922, 29900, 29889, 29900, 29896, 29892, 13, 632, 954, 29918, 26705, 29922, 29946, 29900, 29892, 285, 615, 29918, 2848, 29922, 29945, 29896, 29906, 29892, 4482, 29918, 10745, 23860, 29922, 29900, 29892, 1880, 29918, 10745, 23860, 29922, 8516, 1125, 13, 1678, 9995, 20606, 29872, 1480, 6286, 29899, 4572, 9157, 5864, 5680, 515, 385, 10348, 7182, 29889, 13, 13, 13, 1678, 826, 3174, 29901, 13, 308, 7182, 313, 2378, 1125, 278, 10348, 7182, 515, 607, 304, 10272, 5680, 29889, 10575, 367, 385, 405, 921, 29871, 29896, 1409, 13, 308, 23460, 29918, 10745, 23860, 313, 524, 1125, 278, 23460, 10868, 310, 278, 7182, 591, 526, 1985, 411, 29889, 13, 308, 3515, 29918, 2848, 313, 7411, 1125, 278, 3309, 310, 1269, 3515, 297, 6923, 29889, 13109, 338, 29871, 29900, 29889, 29900, 29906, 29900, 29879, 13, 308, 3515, 29918, 303, 2426, 313, 7411, 1125, 278, 4331, 1546, 2551, 573, 16608, 297, 6923, 29889, 13109, 338, 29871, 29900, 29889, 29900, 29906, 29879, 313, 1004, 550, 694, 25457, 29897, 13, 308, 954, 29918, 26705, 313, 524, 1125, 278, 1353, 310, 18094, 297, 278, 4175, 9157, 29892, 2322, 29871, 29946, 29900, 29889, 13, 308, 285, 615, 29918, 2848, 313, 524, 1125, 1353, 310, 383, 7818, 3291, 29889, 13109, 338, 29871, 29945, 29896, 29906, 29889, 13, 308, 4482, 29918, 10745, 23860, 313, 7411, 1125, 19604, 3719, 7636, 310, 9232, 18094, 29889, 512, 379, 29920, 29892, 2322, 338, 29871, 29900, 29889, 13, 308, 1880, 29918, 10745, 23860, 313, 7411, 1125, 9939, 3719, 7636, 310, 9232, 18094, 29889, 512, 379, 29920, 29892, 2322, 338, 3514, 20069, 403, 29914, 29906, 13, 13, 1678, 16969, 29901, 13, 795, 1409, 29901, 5169, 3698, 448, 450, 5864, 310, 285, 1524, 9157, 29901, 954, 29918, 19935, 921, 954, 29918, 26705, 13, 1669, 3515, 29918, 1188, 29918, 759, 29887, 583, 29889, 450, 1480, 5864, 310, 1269, 3515, 29901, 954, 29918, 19935, 921, 29871, 29896, 13, 1678, 9995, 13, 13, 1678, 4682, 29892, 3515, 29918, 759, 29887, 583, 353, 286, 1725, 29898, 25436, 29892, 23460, 29918, 10745, 23860, 29922, 13445, 10335, 29918, 10745, 23860, 29892, 3515, 29918, 2848, 29922, 2557, 29918, 2848, 29892, 13, 462, 462, 3515, 29918, 303, 2426, 29922, 2557, 29918, 303, 2426, 29892, 13, 462, 462, 954, 29918, 26705, 29922, 1949, 29918, 26705, 29892, 285, 615, 29918, 2848, 29922, 600, 29873, 29918, 2848, 29892, 4482, 29918, 10745, 23860, 29922, 677, 29918, 10745, 23860, 29892, 13, 462, 462, 1880, 29918, 10745, 23860, 29922, 9812, 29918, 10745, 23860, 29897, 13, 1678, 4682, 353, 7442, 29889, 1188, 29898, 14394, 29897, 13, 13, 13, 1678, 736, 4682, 13, 13, 1753, 6597, 29918, 672, 440, 1230, 29918, 14394, 29898, 14394, 1125, 13, 1678, 9995, 13, 1678, 910, 740, 6597, 29879, 25406, 16291, 5680, 607, 526, 937, 322, 1473, 25748, 29889, 13, 13, 1678, 826, 3174, 29901, 13, 4706, 4682, 313, 2378, 1125, 450, 4682, 4608, 607, 967, 2159, 338, 29901, 405, 921, 341, 13, 13, 1678, 7106, 29901, 13, 3986, 1409, 29901, 450, 4682, 28704, 4608, 607, 3743, 278, 2294, 29892, 937, 322, 1473, 16291, 5680, 310, 2159, 29901, 405, 921, 341, 921, 29871, 29941, 13, 1678, 9995, 13, 1678, 937, 29918, 672, 440, 1230, 29918, 14394, 353, 9068, 29889, 672, 440, 1230, 29918, 1062, 13857, 29898, 14394, 29892, 360, 2554, 7685, 29922, 29906, 29897, 13, 1678, 1473, 29918, 672, 440, 1230, 29918, 14394, 353, 9068, 29889, 672, 440, 1230, 29918, 1062, 13857, 29898, 4102, 29918, 672, 440, 1230, 29918, 14394, 29892, 360, 2554, 7685, 29922, 29906, 29897, 13, 13, 1678, 396, 26221, 278, 5434, 28704, 363, 1269, 934, 13, 1678, 4682, 29918, 29883, 4003, 353, 7442, 29889, 535, 29883, 2579, 403, 29898, 13, 4706, 313, 14394, 7503, 29892, 584, 29892, 6213, 1402, 937, 29918, 672, 440, 1230, 29918, 14394, 7503, 29892, 584, 29892, 6213, 1402, 13, 308, 1473, 29918, 672, 440, 1230, 29918, 14394, 7503, 29892, 584, 29892, 6213, 11724, 13, 4706, 9685, 29922, 29906, 29897, 13, 1678, 736, 4682, 29918, 29883, 4003, 13, 2 ]
democracy/signals.py
shawnadelic/django-democracy
0
94905
from django.contrib.contenttypes.models import ContentType from django.db.models.signals import post_save from django.dispatch import receiver from .models import (PollBase, PollChoiceBase, PollChoiceModelMixin, PollModelMixin) @receiver(post_save) def create_poll_choice(sender, instance, created, **kwargs): if not isinstance(instance, PollChoiceModelMixin) and created: return if created: choice_content_type = ContentType.objects.get_for_model(sender) PollChoiceBase.objects.create( poll_base=instance.poll.poll_base, content_type=choice_content_type, object_id=instance.id ) @receiver(post_save) def create_poll(sender, instance, created, **kwargs): if not isinstance(instance, PollModelMixin): return if created: poll_content_type = ContentType.objects.get_for_model(sender) PollBase.objects.create( content_type=poll_content_type, object_id=instance.id ) else: pass # Edit a poll, maybe sync choices?
[ 1, 515, 9557, 29889, 21570, 29889, 3051, 8768, 29889, 9794, 1053, 10576, 1542, 13, 3166, 9557, 29889, 2585, 29889, 9794, 29889, 4530, 1338, 1053, 1400, 29918, 7620, 13, 3166, 9557, 29889, 13369, 1053, 19870, 13, 13, 3166, 869, 9794, 1053, 313, 29925, 3028, 5160, 29892, 2043, 29880, 29620, 5160, 29892, 2043, 29880, 29620, 3195, 29924, 861, 262, 29892, 13, 462, 268, 2043, 29880, 3195, 29924, 861, 262, 29897, 13, 13, 13, 29992, 13556, 2147, 29898, 2490, 29918, 7620, 29897, 13, 1753, 1653, 29918, 29886, 3028, 29918, 16957, 29898, 15452, 29892, 2777, 29892, 2825, 29892, 3579, 19290, 1125, 13, 1678, 565, 451, 338, 8758, 29898, 8758, 29892, 2043, 29880, 29620, 3195, 29924, 861, 262, 29897, 322, 2825, 29901, 13, 4706, 736, 13, 1678, 565, 2825, 29901, 13, 4706, 7348, 29918, 3051, 29918, 1853, 353, 10576, 1542, 29889, 12650, 29889, 657, 29918, 1454, 29918, 4299, 29898, 15452, 29897, 13, 4706, 2043, 29880, 29620, 5160, 29889, 12650, 29889, 3258, 29898, 13, 9651, 21180, 29918, 3188, 29922, 8758, 29889, 29886, 3028, 29889, 29886, 3028, 29918, 3188, 29892, 13, 9651, 2793, 29918, 1853, 29922, 16957, 29918, 3051, 29918, 1853, 29892, 1203, 29918, 333, 29922, 8758, 29889, 333, 13, 4706, 1723, 13, 13, 13, 29992, 13556, 2147, 29898, 2490, 29918, 7620, 29897, 13, 1753, 1653, 29918, 29886, 3028, 29898, 15452, 29892, 2777, 29892, 2825, 29892, 3579, 19290, 1125, 13, 1678, 565, 451, 338, 8758, 29898, 8758, 29892, 2043, 29880, 3195, 29924, 861, 262, 1125, 13, 4706, 736, 13, 1678, 565, 2825, 29901, 13, 4706, 21180, 29918, 3051, 29918, 1853, 353, 10576, 1542, 29889, 12650, 29889, 657, 29918, 1454, 29918, 4299, 29898, 15452, 29897, 13, 4706, 2043, 29880, 5160, 29889, 12650, 29889, 3258, 29898, 13, 9651, 2793, 29918, 1853, 29922, 29886, 3028, 29918, 3051, 29918, 1853, 29892, 1203, 29918, 333, 29922, 8758, 29889, 333, 13, 4706, 1723, 13, 1678, 1683, 29901, 13, 4706, 1209, 13, 4706, 396, 7641, 263, 21180, 29892, 5505, 16523, 19995, 29973, 13, 2 ]
examples/class_a.py
maxschommer/pcbdl
117
111737
#!/usr/bin/env python3 # Copyright 2019 Google LLC # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # https://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ Simple Class A amplifier example. https://www.electronics-tutorials.ws/amplifier/amp_5.html """ from pcbdl import * ac_coupling_value = "1000u" vcc, gnd = Net("vcc"), Net("gnd") q = BJT("2n3904") C = C_POL q.BASE << ( C(ac_coupling_value, to=Net("vin")), R("1k", to=vcc), R("1k", to=gnd), ) q.COLLECTOR << ( C(ac_coupling_value, to=Net("vout")), R("100", to=vcc), ) q.EMITTER << ( R("100", "Rc", to=gnd), C("1u", "C10", to=gnd), )
[ 1, 18787, 4855, 29914, 2109, 29914, 6272, 3017, 29941, 13, 13, 29937, 14187, 1266, 29871, 29906, 29900, 29896, 29929, 5087, 365, 12182, 13, 29937, 13, 29937, 10413, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 376, 29931, 293, 1947, 1496, 13, 29937, 366, 1122, 451, 671, 445, 934, 5174, 297, 752, 13036, 411, 278, 19245, 29889, 13, 29937, 887, 1122, 4017, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 268, 2045, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 7047, 13, 29937, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 13, 29937, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 13, 29937, 2823, 278, 19245, 363, 278, 2702, 4086, 14765, 1076, 11239, 322, 13, 29937, 27028, 1090, 278, 19245, 29889, 13, 13, 15945, 29908, 13, 15427, 4134, 319, 20563, 3709, 1342, 29889, 13, 13, 991, 597, 1636, 29889, 15436, 1617, 1199, 29899, 12631, 29879, 29889, 5652, 29914, 314, 572, 3709, 29914, 1160, 29918, 29945, 29889, 1420, 13, 15945, 29908, 13, 13, 3166, 22844, 6448, 29880, 1053, 334, 13, 13, 562, 29918, 16589, 10335, 29918, 1767, 353, 376, 29896, 29900, 29900, 29900, 29884, 29908, 13, 13, 29894, 617, 29892, 330, 299, 353, 12670, 703, 29894, 617, 4968, 12670, 703, 29887, 299, 1159, 13, 13, 29939, 353, 350, 29967, 29911, 703, 29906, 29876, 29941, 29929, 29900, 29946, 1159, 13, 13, 29907, 353, 315, 29918, 29925, 5607, 13, 13, 29939, 29889, 25416, 3532, 313, 13, 1678, 315, 29898, 562, 29918, 16589, 10335, 29918, 1767, 29892, 304, 29922, 6779, 703, 3845, 1159, 511, 13, 1678, 390, 703, 29896, 29895, 613, 304, 29922, 29894, 617, 511, 13, 1678, 390, 703, 29896, 29895, 613, 304, 29922, 29887, 299, 511, 13, 29897, 13, 13, 29939, 29889, 15032, 3281, 1955, 3532, 313, 13, 1678, 315, 29898, 562, 29918, 16589, 10335, 29918, 1767, 29892, 304, 29922, 6779, 703, 29894, 449, 1159, 511, 13, 1678, 390, 703, 29896, 29900, 29900, 613, 304, 29922, 29894, 617, 511, 13, 29897, 13, 13, 29939, 29889, 12665, 1806, 4945, 3532, 313, 13, 1678, 390, 703, 29896, 29900, 29900, 613, 376, 29934, 29883, 613, 304, 29922, 29887, 299, 511, 13, 1678, 315, 703, 29896, 29884, 613, 376, 29907, 29896, 29900, 613, 304, 29922, 29887, 299, 511, 13, 29897, 13, 2 ]
gaphor/C4Model/toolbox.py
mrmonkington/gaphor
42
134550
"""The action definition for the C4 model toolbox.""" from gaphor.C4Model import c4model, diagramitems from gaphor.core import gettext from gaphor.diagram.diagramtoolbox import ( ToolboxDefinition, ToolDef, ToolSection, default_namespace, general_tools, namespace_config, ) from gaphor.diagram.diagramtools import new_item_factory from gaphor.UML import diagramitems as uml_items from gaphor.UML.actions.actionstoolbox import actions from gaphor.UML.classes.classestoolbox import classes from gaphor.UML.interactions.interactionstoolbox import interactions from gaphor.UML.states.statestoolbox import states def software_system_config(new_item): default_namespace(new_item) subject = new_item.subject subject.type = "Software System" subject.name = "NewSoftwareSystem" def container_config(new_item): default_namespace(new_item) subject = new_item.subject subject.type = "Container" subject.name = "NewContainer" def container_database_config(new_item): default_namespace(new_item) subject = new_item.subject subject.type = "Container" subject.technology = "Database" subject.name = "NewDatabase" def component_config(new_item): default_namespace(new_item) subject = new_item.subject subject.type = "Component" subject.name = "NewComponent" c4 = ToolSection( gettext("C4 Model"), ( ToolDef( "c4-person", gettext("Person"), "gaphor-c4-person-symbolic", "P", new_item_factory( diagramitems.C4PersonItem, c4model.C4Person, config_func=namespace_config, ), ), ToolDef( "c4-software-system", gettext("Software System"), "gaphor-c4-software-system-symbolic", "<Shift>S", new_item_factory( diagramitems.C4ContainerItem, c4model.C4Container, config_func=software_system_config, ), ), ToolDef( "c4-container", gettext("Container"), "gaphor-c4-container-symbolic", "o", new_item_factory( diagramitems.C4ContainerItem, c4model.C4Container, config_func=container_config, ), ), ToolDef( "c4-container-database", gettext("Container: Database"), "gaphor-c4-database-symbolic", "<Shift>B", new_item_factory( diagramitems.C4DatabaseItem, c4model.C4Database, config_func=container_database_config, ), ), ToolDef( "c4-component", gettext("Component"), "gaphor-c4-component-symbolic", "<Shift>X", new_item_factory( diagramitems.C4ContainerItem, c4model.C4Container, config_func=component_config, ), ), ToolDef( "c4-dependency", gettext("Dependency"), "gaphor-dependency-symbolic", "d", new_item_factory(uml_items.DependencyItem), ), ), ) c4model_toolbox_actions: ToolboxDefinition = ( general_tools, c4, classes, actions, interactions, states, )
[ 1, 9995, 1576, 3158, 5023, 363, 278, 315, 29946, 1904, 5780, 1884, 1213, 15945, 13, 13, 3166, 17261, 2015, 29889, 29907, 29946, 3195, 1053, 274, 29946, 4299, 29892, 13722, 7076, 13, 3166, 17261, 2015, 29889, 3221, 1053, 679, 726, 13, 3166, 17261, 2015, 29889, 6051, 14442, 29889, 6051, 14442, 10154, 1884, 1053, 313, 13, 1678, 21704, 1884, 14683, 29892, 13, 1678, 21704, 3206, 29892, 13, 1678, 21704, 13438, 29892, 13, 1678, 2322, 29918, 22377, 29892, 13, 1678, 2498, 29918, 8504, 29892, 13, 1678, 7397, 29918, 2917, 29892, 13, 29897, 13, 3166, 17261, 2015, 29889, 6051, 14442, 29889, 6051, 14442, 8504, 1053, 716, 29918, 667, 29918, 14399, 13, 3166, 17261, 2015, 29889, 29965, 1988, 1053, 13722, 7076, 408, 318, 828, 29918, 7076, 13, 3166, 17261, 2015, 29889, 29965, 1988, 29889, 7387, 29889, 2467, 303, 1507, 1884, 1053, 8820, 13, 3166, 17261, 2015, 29889, 29965, 1988, 29889, 13203, 29889, 1990, 342, 1507, 1884, 1053, 4413, 13, 3166, 17261, 2015, 29889, 29965, 1988, 29889, 1639, 7387, 29889, 1639, 2467, 303, 1507, 1884, 1053, 22060, 13, 3166, 17261, 2015, 29889, 29965, 1988, 29889, 28631, 29889, 6112, 342, 1507, 1884, 1053, 5922, 13, 13, 13, 1753, 7047, 29918, 5205, 29918, 2917, 29898, 1482, 29918, 667, 1125, 13, 1678, 2322, 29918, 22377, 29898, 1482, 29918, 667, 29897, 13, 1678, 4967, 353, 716, 29918, 667, 29889, 16009, 13, 1678, 4967, 29889, 1853, 353, 376, 6295, 14093, 2184, 29908, 13, 1678, 4967, 29889, 978, 353, 376, 4373, 6295, 14093, 3924, 29908, 13, 13, 13, 1753, 5639, 29918, 2917, 29898, 1482, 29918, 667, 1125, 13, 1678, 2322, 29918, 22377, 29898, 1482, 29918, 667, 29897, 13, 1678, 4967, 353, 716, 29918, 667, 29889, 16009, 13, 1678, 4967, 29889, 1853, 353, 376, 7895, 29908, 13, 1678, 4967, 29889, 978, 353, 376, 4373, 7895, 29908, 13, 13, 13, 1753, 5639, 29918, 9803, 29918, 2917, 29898, 1482, 29918, 667, 1125, 13, 1678, 2322, 29918, 22377, 29898, 1482, 29918, 667, 29897, 13, 1678, 4967, 353, 716, 29918, 667, 29889, 16009, 13, 1678, 4967, 29889, 1853, 353, 376, 7895, 29908, 13, 1678, 4967, 29889, 21695, 3002, 353, 376, 9112, 29908, 13, 1678, 4967, 29889, 978, 353, 376, 4373, 9112, 29908, 13, 13, 13, 1753, 4163, 29918, 2917, 29898, 1482, 29918, 667, 1125, 13, 1678, 2322, 29918, 22377, 29898, 1482, 29918, 667, 29897, 13, 1678, 4967, 353, 716, 29918, 667, 29889, 16009, 13, 1678, 4967, 29889, 1853, 353, 376, 5308, 29908, 13, 1678, 4967, 29889, 978, 353, 376, 4373, 5308, 29908, 13, 13, 13, 29883, 29946, 353, 21704, 13438, 29898, 13, 1678, 679, 726, 703, 29907, 29946, 8125, 4968, 13, 1678, 313, 13, 4706, 21704, 3206, 29898, 13, 9651, 376, 29883, 29946, 29899, 10532, 613, 13, 9651, 679, 726, 703, 7435, 4968, 13, 9651, 376, 29887, 481, 2015, 29899, 29883, 29946, 29899, 10532, 29899, 18098, 293, 613, 13, 9651, 376, 29925, 613, 13, 9651, 716, 29918, 667, 29918, 14399, 29898, 13, 18884, 13722, 7076, 29889, 29907, 29946, 7435, 2001, 29892, 13, 18884, 274, 29946, 4299, 29889, 29907, 29946, 7435, 29892, 13, 18884, 2295, 29918, 9891, 29922, 22377, 29918, 2917, 29892, 13, 9651, 10353, 13, 4706, 10353, 13, 4706, 21704, 3206, 29898, 13, 9651, 376, 29883, 29946, 29899, 20415, 29899, 5205, 613, 13, 9651, 679, 726, 703, 6295, 14093, 2184, 4968, 13, 9651, 376, 29887, 481, 2015, 29899, 29883, 29946, 29899, 20415, 29899, 5205, 29899, 18098, 293, 613, 13, 9651, 9872, 29657, 29958, 29903, 613, 13, 9651, 716, 29918, 667, 29918, 14399, 29898, 13, 18884, 13722, 7076, 29889, 29907, 29946, 7895, 2001, 29892, 13, 18884, 274, 29946, 4299, 29889, 29907, 29946, 7895, 29892, 13, 18884, 2295, 29918, 9891, 29922, 20415, 29918, 5205, 29918, 2917, 29892, 13, 9651, 10353, 13, 4706, 10353, 13, 4706, 21704, 3206, 29898, 13, 9651, 376, 29883, 29946, 29899, 7611, 613, 13, 9651, 679, 726, 703, 7895, 4968, 13, 9651, 376, 29887, 481, 2015, 29899, 29883, 29946, 29899, 7611, 29899, 18098, 293, 613, 13, 9651, 376, 29877, 613, 13, 9651, 716, 29918, 667, 29918, 14399, 29898, 13, 18884, 13722, 7076, 29889, 29907, 29946, 7895, 2001, 29892, 13, 18884, 274, 29946, 4299, 29889, 29907, 29946, 7895, 29892, 13, 18884, 2295, 29918, 9891, 29922, 7611, 29918, 2917, 29892, 13, 9651, 10353, 13, 4706, 10353, 13, 4706, 21704, 3206, 29898, 13, 9651, 376, 29883, 29946, 29899, 7611, 29899, 9803, 613, 13, 9651, 679, 726, 703, 7895, 29901, 5470, 4968, 13, 9651, 376, 29887, 481, 2015, 29899, 29883, 29946, 29899, 9803, 29899, 18098, 293, 613, 13, 9651, 9872, 29657, 29958, 29933, 613, 13, 9651, 716, 29918, 667, 29918, 14399, 29898, 13, 18884, 13722, 7076, 29889, 29907, 29946, 9112, 2001, 29892, 13, 18884, 274, 29946, 4299, 29889, 29907, 29946, 9112, 29892, 13, 18884, 2295, 29918, 9891, 29922, 7611, 29918, 9803, 29918, 2917, 29892, 13, 9651, 10353, 13, 4706, 10353, 13, 4706, 21704, 3206, 29898, 13, 9651, 376, 29883, 29946, 29899, 9700, 613, 13, 9651, 679, 726, 703, 5308, 4968, 13, 9651, 376, 29887, 481, 2015, 29899, 29883, 29946, 29899, 9700, 29899, 18098, 293, 613, 13, 9651, 9872, 29657, 29958, 29990, 613, 13, 9651, 716, 29918, 667, 29918, 14399, 29898, 13, 18884, 13722, 7076, 29889, 29907, 29946, 7895, 2001, 29892, 13, 18884, 274, 29946, 4299, 29889, 29907, 29946, 7895, 29892, 13, 18884, 2295, 29918, 9891, 29922, 9700, 29918, 2917, 29892, 13, 9651, 10353, 13, 4706, 10353, 13, 4706, 21704, 3206, 29898, 13, 9651, 376, 29883, 29946, 29899, 10836, 613, 13, 9651, 679, 726, 703, 8498, 5197, 4968, 13, 9651, 376, 29887, 481, 2015, 29899, 10836, 29899, 18098, 293, 613, 13, 9651, 376, 29881, 613, 13, 9651, 716, 29918, 667, 29918, 14399, 29898, 398, 29880, 29918, 7076, 29889, 8498, 5197, 2001, 511, 13, 4706, 10353, 13, 1678, 10353, 13, 29897, 13, 13, 13, 29883, 29946, 4299, 29918, 10154, 1884, 29918, 7387, 29901, 21704, 1884, 14683, 353, 313, 13, 1678, 2498, 29918, 8504, 29892, 13, 1678, 274, 29946, 29892, 13, 1678, 4413, 29892, 13, 1678, 8820, 29892, 13, 1678, 22060, 29892, 13, 1678, 5922, 29892, 13, 29897, 13, 2 ]
Sixt_Day/Seventh_Day_Templet1.py
vijayingale/Adv_Python_Trainig
0
170333
from jinja2 import Template class Persone: def __init__(self, name ,age): self.name = name self.age = age def getAge(self): return self.age def getName(self): return self.name person = Persone('peter',23) tn = Template("my name is {{ per.getName()}} and I am {{ per.getAge() }} ") msg = tn.render(per=person) print(msg)
[ 1, 515, 432, 262, 1764, 29906, 1053, 25663, 13, 13, 1990, 9034, 650, 29901, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 1024, 1919, 482, 1125, 13, 4706, 1583, 29889, 978, 353, 1024, 13, 4706, 1583, 29889, 482, 353, 5046, 13, 13, 1678, 822, 679, 22406, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 482, 13, 13, 1678, 822, 679, 1170, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 978, 13, 13, 10532, 353, 9034, 650, 877, 29886, 1308, 742, 29906, 29941, 29897, 13, 6277, 353, 25663, 703, 1357, 1024, 338, 8620, 639, 29889, 19629, 580, 930, 322, 306, 626, 8620, 639, 29889, 657, 22406, 580, 9156, 16521, 13, 7645, 353, 260, 29876, 29889, 9482, 29898, 546, 29922, 10532, 29897, 13, 13, 2158, 29898, 7645, 29897, 2 ]
downloads/managers.py
akondasif/Clone-test-repo
0
176135
<filename>downloads/managers.py from django.db.models import Manager from django.db.models.query import QuerySet class ReleaseQuerySet(QuerySet): def published(self): return self.filter(is_published=True) def draft(self): return self.filter(is_published=False) def downloads(self): """ For the main downloads landing page """ return self.select_related('release_page').filter( is_published=True, show_on_download_page=True, ).order_by('-release_date') def python2(self): return self.filter(version=2, is_published=True) def python3(self): return self.filter(version=3, is_published=True) def latest_python2(self): return self.python2().filter(is_latest=True) def latest_python3(self): return self.python3().filter(is_latest=True) def pre_release(self): return self.filter(pre_release=True) def released(self): return self.filter(is_published=True, pre_release=False) class ReleaseManager(Manager): def get_queryset(self): return ReleaseQuerySet(self.model, using=self._db) def published(self): return self.get_queryset().published() def draft(self): return self.get_queryset().draft() def downloads(self): """ For the main downloads landing page """ return self.get_queryset().downloads() def python2(self): return self.get_queryset().python2() def python3(self): return self.get_queryset().python3() def latest_python2(self): qs = self.get_queryset().latest_python2() if qs: return qs[0] else: return None def latest_python3(self): qs = self.get_queryset().latest_python3() if qs: return qs[0] else: return None def pre_release(self): return self.get_queryset().pre_release() def released(self): return self.get_queryset().released()
[ 1, 529, 9507, 29958, 10382, 29879, 29914, 1171, 18150, 29889, 2272, 13, 3166, 9557, 29889, 2585, 29889, 9794, 1053, 15629, 13, 3166, 9557, 29889, 2585, 29889, 9794, 29889, 1972, 1053, 13641, 2697, 13, 13, 13, 1990, 23708, 3010, 2697, 29898, 3010, 2697, 1125, 13, 1678, 822, 6369, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 4572, 29898, 275, 29918, 5467, 3726, 29922, 5574, 29897, 13, 13, 1678, 822, 18195, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 4572, 29898, 275, 29918, 5467, 3726, 29922, 8824, 29897, 13, 13, 1678, 822, 5142, 29879, 29898, 1311, 1125, 13, 4706, 9995, 1152, 278, 1667, 5142, 29879, 25325, 1813, 9995, 13, 4706, 736, 1583, 29889, 2622, 29918, 12817, 877, 14096, 29918, 3488, 2824, 4572, 29898, 13, 9651, 338, 29918, 5467, 3726, 29922, 5574, 29892, 13, 9651, 1510, 29918, 265, 29918, 10382, 29918, 3488, 29922, 5574, 29892, 13, 4706, 13742, 2098, 29918, 1609, 877, 29899, 14096, 29918, 1256, 1495, 13, 13, 1678, 822, 3017, 29906, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 4572, 29898, 3259, 29922, 29906, 29892, 338, 29918, 5467, 3726, 29922, 5574, 29897, 13, 13, 1678, 822, 3017, 29941, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 4572, 29898, 3259, 29922, 29941, 29892, 338, 29918, 5467, 3726, 29922, 5574, 29897, 13, 13, 1678, 822, 9281, 29918, 4691, 29906, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 4691, 29906, 2141, 4572, 29898, 275, 29918, 12333, 29922, 5574, 29897, 13, 13, 1678, 822, 9281, 29918, 4691, 29941, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 4691, 29941, 2141, 4572, 29898, 275, 29918, 12333, 29922, 5574, 29897, 13, 13, 1678, 822, 758, 29918, 14096, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 4572, 29898, 1457, 29918, 14096, 29922, 5574, 29897, 13, 13, 1678, 822, 5492, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 4572, 29898, 275, 29918, 5467, 3726, 29922, 5574, 29892, 758, 29918, 14096, 29922, 8824, 29897, 13, 13, 13, 1990, 23708, 3260, 29898, 3260, 1125, 13, 1678, 822, 679, 29918, 1972, 842, 29898, 1311, 1125, 13, 4706, 736, 23708, 3010, 2697, 29898, 1311, 29889, 4299, 29892, 773, 29922, 1311, 3032, 2585, 29897, 13, 13, 1678, 822, 6369, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 657, 29918, 1972, 842, 2141, 5467, 3726, 580, 13, 13, 1678, 822, 18195, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 657, 29918, 1972, 842, 2141, 29881, 4154, 580, 13, 13, 1678, 822, 5142, 29879, 29898, 1311, 1125, 13, 4706, 9995, 1152, 278, 1667, 5142, 29879, 25325, 1813, 9995, 13, 4706, 736, 1583, 29889, 657, 29918, 1972, 842, 2141, 10382, 29879, 580, 13, 13, 1678, 822, 3017, 29906, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 657, 29918, 1972, 842, 2141, 4691, 29906, 580, 13, 13, 1678, 822, 3017, 29941, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 657, 29918, 1972, 842, 2141, 4691, 29941, 580, 13, 13, 1678, 822, 9281, 29918, 4691, 29906, 29898, 1311, 1125, 13, 4706, 3855, 29879, 353, 1583, 29889, 657, 29918, 1972, 842, 2141, 12333, 29918, 4691, 29906, 580, 13, 4706, 565, 3855, 29879, 29901, 13, 9651, 736, 3855, 29879, 29961, 29900, 29962, 13, 4706, 1683, 29901, 13, 9651, 736, 6213, 13, 13, 1678, 822, 9281, 29918, 4691, 29941, 29898, 1311, 1125, 13, 4706, 3855, 29879, 353, 1583, 29889, 657, 29918, 1972, 842, 2141, 12333, 29918, 4691, 29941, 580, 13, 4706, 565, 3855, 29879, 29901, 13, 9651, 736, 3855, 29879, 29961, 29900, 29962, 13, 4706, 1683, 29901, 13, 9651, 736, 6213, 13, 13, 1678, 822, 758, 29918, 14096, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 657, 29918, 1972, 842, 2141, 1457, 29918, 14096, 580, 13, 13, 1678, 822, 5492, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 657, 29918, 1972, 842, 2141, 276, 4611, 580, 13, 2 ]
mojoco trivial/mujocoSim/UR5/simple_example/Mujoco_py_example.py
garlicbutter/Jonathan-Tom
2
8335
<filename>mojoco trivial/mujocoSim/UR5/simple_example/Mujoco_py_example.py import numpy as np import mujoco_py as mj from mujoco_py_renderer import SimulationError, XMLError, MujocoPyRenderer from mujoco_py import (MjSim, load_model_from_xml,functions, load_model_from_path, MjSimState, ignore_mujoco_warnings, load_model_from_mjb) from matplotlib import pyplot as plt import time xml = """ <mujoco model="example"> <compiler coordinate="global"/> <default> <geom rgba=".8 .6 .4 1"/> </default> <asset> <texture type="skybox" builtin="gradient" rgb1="1 1 1" rgb2=".6 .8 1" width="256" height="256"/> </asset> <worldbody> <light pos="0 1 1" dir="0 -1 -1" diffuse="1 1 1"/> <geom name="floor" pos="0 0 0" rgba="0.8 0.9 0.8 1" size="10 10 10" type="plane"/> <body> <site name="world" size="0.1" pos="0 0 0" /> <geom name="first_pole" type="capsule" fromto="0 0 0 0 0 0.5" size="0.04"/> <joint name='a' type="hinge" pos="0 0 0" axis="0 0 1" /> <body name="second_pole"> <inertial pos="0 0 0" mass="0.00000001" diaginertia="1e-008 1e-008 1e-008" /> <geom type="capsule" fromto="0 0 0.5 0.5 0 0.5" size="0.04" name="second_pole"/> <joint name='b' type="hinge" pos="0 0 0.5" axis="0 1 0"/> <body name='third_pole'> <inertial pos="0 0 0" mass="0.00000001" diaginertia="1e-008 1e-008 1e-008" /> <geom type="capsule" fromto="0.5 0 0.5 1 0 0.5" size="0.04" name="third_pole"/> <joint name='c' type="hinge" pos="0.5 0 0.5" axis="0 1 0"/> <site name="target" size="0.1" pos="1 0 0.5" /> <body name="mass"> <inertial pos="1 0 0.5" mass="1e-2" diaginertia="1e-008 1e-008 1e-008" /> <geom type="sphere" pos="1 0 0.5" size="0.2" name="mass"/> </body> </body> </body> </body> </worldbody> <actuator> <motor joint="a"/> <motor joint="b"/> <motor joint="c"/> </actuator> </mujoco> """ model = load_model_from_xml(xml) sim = MjSim(model) viewer = MujocoPyRenderer(sim) sim.reset() # After reset jacobians are all zeros sim.forward() target_jacp = np.zeros(3 * sim.model.nv) target_jacr= np.zeros(3 * sim.model.nv) F=np.array([0,0,-9.81*1e-2,0,0,0]).T #np.testing.assert_allclose(target_jacp, np.zeros(3 * sim.model.nv)) # After first forward, jacobians are real #sim.forward() K_diag=2000 C_diag=100 A_diag=1e-3 K=np.identity(3)*K_diag C=np.identity(3)*C_diag A=np.identity(3)*A_diag #K_diag=0.3 #C_diag=0.05 for i in range(3): K[i, i]=K_diag C[i,i]=C_diag A[i, i] = A_diag x_intial=sim.data.site_xpos[1] print(x_intial) x_desired=np.array([0,1,0.3]) v_intial=sim.data.site_xvelp[1] v_desired=np.array([0,0,0]) a_desired=np.array([0,0,0]) a_intial=np.array([0,0,0]) dt=sim.model.opt.timestep #sim.data.get_site_jacp('target', jacp=target_jacp) # Should be unchanged after steps (zero action) graph=[] for _ in range(100000): F[:3]=np.dot(K,x_desired-x_intial)+np.dot(C,v_desired-v_intial)+np.dot(A,a_desired-a_intial) H = np.zeros(sim.model.nv* sim.model.nv) functions.mj_fullM(sim.model, H, sim.data.qM) sim.data.get_site_jacp('target', jacp=target_jacp) sim.data.get_site_jacr('target', jacr=target_jacr) J_L = target_jacp.reshape((3, sim.model.nv)) J_A = target_jacr.reshape((3, sim.model.nv)) J = np.concatenate((J_L, J_A), axis=0) H_L =np.dot(np.linalg.pinv(J_L.T),np.dot(H.reshape(sim.model.nv, sim.model.nv), np.linalg.pinv(J_L))) H_all=np.dot(np.linalg.pinv(J.T),np.dot(H.reshape(sim.model.nv, sim.model.nv), np.linalg.pinv(J))) #F_a=np.dot(A,0.3-sim.data.qacc) #action = np.dot(J_L.T, np.dot(H_L, F[:3]))+sim.data.qfrc_bias action = sim.data.qfrc_bias+np.dot(H.reshape(3,3),np.dot(J_L.T,F[:3])) #print(action) #action = np.dot(J.T, F) sim.data.ctrl[:] = action sim.step() sim.forward() #print(np.max(action)) #print(sim.data.qacc) viewer.render() x_intial = sim.data.site_xpos[1] a_intial=(v_intial-sim.data.site_xvelp[1])/dt print(a_intial) v_intial = sim.data.site_xvelp[1] normal=np.linalg.norm(x_intial-x_desired) #print(normal) if normal<0.1: print("in") if x_desired[0]==0: x_desired = np.array([-1, 0, 0.5]) elif x_desired[0]==1: x_desired = np.array([0, 1, 0.3]) elif x_desired[0] == -1: x_desired = np.array([1, 0, 0.5]) graph.append(np.abs(x_intial-x_desired)) # sim.forward() print("the desired is {} and the intial is{}".format(x_desired,x_intial)) plt.plot(graph) plt.show()
[ 1, 529, 9507, 29958, 29885, 3848, 6235, 12604, 29914, 2589, 29926, 6235, 8942, 29914, 4574, 29945, 29914, 12857, 29918, 4773, 29914, 29924, 8016, 6235, 29918, 2272, 29918, 4773, 29889, 2272, 13, 5215, 12655, 408, 7442, 13, 5215, 3887, 29926, 6235, 29918, 2272, 408, 286, 29926, 13, 3166, 3887, 29926, 6235, 29918, 2272, 29918, 9482, 261, 1053, 3439, 2785, 2392, 29892, 1060, 29924, 1307, 24616, 29892, 341, 8016, 6235, 19737, 21323, 13, 3166, 3887, 29926, 6235, 29918, 2272, 1053, 313, 29924, 29926, 8942, 29892, 2254, 29918, 4299, 29918, 3166, 29918, 3134, 29892, 12171, 29892, 13, 462, 539, 2254, 29918, 4299, 29918, 3166, 29918, 2084, 29892, 341, 29926, 8942, 2792, 29892, 13, 462, 539, 11455, 29918, 2589, 29926, 6235, 29918, 25442, 886, 29892, 13, 462, 539, 2254, 29918, 4299, 29918, 3166, 29918, 29885, 16761, 29897, 13, 13, 13, 3166, 22889, 1053, 11451, 5317, 408, 14770, 13, 5215, 931, 13, 13, 3134, 353, 9995, 13, 29966, 2589, 29926, 6235, 1904, 543, 4773, 1013, 13, 1678, 529, 21789, 14821, 543, 10945, 4681, 13, 1678, 529, 4381, 29958, 13, 4706, 529, 479, 290, 24979, 29569, 29947, 869, 29953, 869, 29946, 29871, 29896, 4681, 13, 1678, 1533, 4381, 29958, 13, 1678, 529, 24129, 29958, 13, 4706, 529, 726, 545, 1134, 543, 7912, 1884, 29908, 4240, 262, 543, 24970, 29908, 15552, 29890, 29896, 543, 29896, 29871, 29896, 29871, 29896, 29908, 15552, 29890, 29906, 29569, 29953, 869, 29947, 29871, 29896, 29908, 29871, 13, 462, 2920, 543, 29906, 29945, 29953, 29908, 3171, 543, 29906, 29945, 29953, 4681, 13, 1678, 1533, 24129, 29958, 13, 1678, 529, 11526, 2587, 29958, 13, 4706, 529, 4366, 926, 543, 29900, 29871, 29896, 29871, 29896, 29908, 4516, 543, 29900, 448, 29896, 448, 29896, 29908, 2923, 1509, 543, 29896, 29871, 29896, 29871, 29896, 4681, 13, 4706, 529, 479, 290, 1024, 543, 14939, 29908, 926, 543, 29900, 29871, 29900, 29871, 29900, 29908, 24979, 543, 29900, 29889, 29947, 29871, 29900, 29889, 29929, 29871, 29900, 29889, 29947, 29871, 29896, 29908, 2159, 543, 29896, 29900, 29871, 29896, 29900, 29871, 29896, 29900, 29908, 1134, 543, 22116, 4681, 13, 4706, 529, 2587, 29958, 13, 12, 12, 12, 29966, 2746, 1024, 543, 11526, 29908, 2159, 543, 29900, 29889, 29896, 29908, 926, 543, 29900, 29871, 29900, 29871, 29900, 29908, 2900, 13, 12, 12, 12, 13, 9651, 529, 479, 290, 1024, 543, 4102, 29918, 15831, 29908, 1134, 543, 29883, 2547, 1297, 29908, 515, 517, 543, 29900, 29871, 29900, 29871, 29900, 259, 29900, 29871, 29900, 29871, 29900, 29889, 29945, 29908, 2159, 543, 29900, 29889, 29900, 29946, 4681, 13, 9651, 529, 12090, 1024, 2433, 29874, 29915, 1134, 543, 2790, 29872, 29908, 926, 543, 29900, 29871, 29900, 29871, 29900, 29908, 9685, 543, 29900, 29871, 29900, 29871, 29896, 29908, 2900, 13, 9651, 529, 2587, 1024, 543, 7496, 29918, 15831, 1013, 13, 12, 12, 12, 12, 29966, 262, 814, 616, 926, 543, 29900, 29871, 29900, 29871, 29900, 29908, 4158, 543, 29900, 29889, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29896, 29908, 7936, 262, 814, 423, 543, 29896, 29872, 29899, 29900, 29900, 29947, 29871, 29896, 29872, 29899, 29900, 29900, 29947, 29871, 29896, 29872, 29899, 29900, 29900, 29947, 29908, 2900, 13, 18884, 529, 479, 290, 1134, 543, 29883, 2547, 1297, 29908, 515, 517, 543, 29900, 29871, 29900, 29871, 29900, 29889, 29945, 259, 29900, 29889, 29945, 29871, 29900, 29871, 29900, 29889, 29945, 29908, 2159, 543, 29900, 29889, 29900, 29946, 29908, 1024, 543, 7496, 29918, 15831, 4681, 13, 18884, 529, 12090, 1024, 2433, 29890, 29915, 1134, 543, 2790, 29872, 29908, 926, 543, 29900, 29871, 29900, 29871, 29900, 29889, 29945, 29908, 9685, 543, 29900, 29871, 29896, 29871, 29900, 4681, 539, 13, 12, 12, 12, 12, 29966, 2587, 1024, 2433, 22585, 29918, 15831, 11041, 13, 12, 12, 12, 12, 12, 29966, 262, 814, 616, 926, 543, 29900, 29871, 29900, 29871, 29900, 29908, 4158, 543, 29900, 29889, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29896, 29908, 7936, 262, 814, 423, 543, 29896, 29872, 29899, 29900, 29900, 29947, 29871, 29896, 29872, 29899, 29900, 29900, 29947, 29871, 29896, 29872, 29899, 29900, 29900, 29947, 29908, 2900, 13, 12, 12, 12, 12, 12, 29966, 479, 290, 1134, 543, 29883, 2547, 1297, 29908, 515, 517, 543, 29900, 29889, 29945, 29871, 29900, 29871, 29900, 29889, 29945, 259, 29896, 29871, 29900, 29871, 29900, 29889, 29945, 29908, 2159, 543, 29900, 29889, 29900, 29946, 29908, 1024, 543, 22585, 29918, 15831, 4681, 13, 12, 12, 12, 12, 12, 29966, 12090, 1024, 2433, 29883, 29915, 1134, 543, 2790, 29872, 29908, 926, 543, 29900, 29889, 29945, 29871, 29900, 29871, 29900, 29889, 29945, 29908, 9685, 543, 29900, 29871, 29896, 29871, 29900, 4681, 268, 13, 12, 12, 12, 12, 12, 29966, 2746, 1024, 543, 5182, 29908, 2159, 543, 29900, 29889, 29896, 29908, 926, 543, 29896, 29871, 29900, 29871, 29900, 29889, 29945, 29908, 2900, 13, 12, 12, 12, 12, 12, 29966, 2587, 1024, 543, 25379, 1013, 13, 12, 12, 12, 12, 12, 12, 29966, 262, 814, 616, 926, 543, 29896, 29871, 29900, 29871, 29900, 29889, 29945, 29908, 4158, 543, 29896, 29872, 29899, 29906, 29908, 7936, 262, 814, 423, 543, 29896, 29872, 29899, 29900, 29900, 29947, 29871, 29896, 29872, 29899, 29900, 29900, 29947, 29871, 29896, 29872, 29899, 29900, 29900, 29947, 29908, 2900, 13, 12, 12, 12, 12, 12, 12, 29966, 479, 290, 1134, 543, 29879, 9085, 29908, 926, 543, 29896, 29871, 29900, 29871, 29900, 29889, 29945, 29908, 2159, 543, 29900, 29889, 29906, 29908, 1024, 543, 25379, 4681, 13, 12, 12, 12, 12, 12, 829, 2587, 29958, 13, 12, 12, 12, 12, 829, 2587, 29958, 13, 9651, 1533, 2587, 29958, 13, 4706, 1533, 2587, 29958, 13, 1678, 1533, 11526, 2587, 29958, 13, 12, 29966, 627, 29884, 1061, 29958, 13, 12, 12, 29966, 14817, 272, 14002, 543, 29874, 4681, 13, 12, 12, 29966, 14817, 272, 14002, 543, 29890, 4681, 13, 12, 12, 29966, 14817, 272, 14002, 543, 29883, 4681, 13, 12, 829, 627, 29884, 1061, 29958, 12, 13, 12, 13, 13, 829, 2589, 29926, 6235, 29958, 13, 15945, 29908, 13, 13, 4299, 353, 2254, 29918, 4299, 29918, 3166, 29918, 3134, 29898, 3134, 29897, 13, 13, 3601, 353, 341, 29926, 8942, 29898, 4299, 29897, 13, 29894, 15580, 353, 341, 8016, 6235, 19737, 21323, 29898, 3601, 29897, 13, 13, 13, 3601, 29889, 12071, 580, 13, 1678, 396, 2860, 10092, 432, 562, 711, 5834, 526, 599, 24786, 13, 3601, 29889, 11333, 580, 13, 5182, 29918, 29926, 562, 29886, 353, 7442, 29889, 3298, 359, 29898, 29941, 334, 1027, 29889, 4299, 29889, 29876, 29894, 29897, 13, 5182, 29918, 29926, 562, 29878, 29922, 7442, 29889, 3298, 359, 29898, 29941, 334, 1027, 29889, 4299, 29889, 29876, 29894, 29897, 13, 13, 13, 13, 29943, 29922, 9302, 29889, 2378, 4197, 29900, 29892, 29900, 6653, 29929, 29889, 29947, 29896, 29930, 29896, 29872, 29899, 29906, 29892, 29900, 29892, 29900, 29892, 29900, 14664, 29911, 13, 13, 29937, 9302, 29889, 13424, 29889, 9294, 29918, 497, 5358, 29898, 5182, 29918, 29926, 562, 29886, 29892, 7442, 29889, 3298, 359, 29898, 29941, 334, 1027, 29889, 4299, 29889, 29876, 29894, 876, 13, 1678, 396, 2860, 937, 6375, 29892, 432, 562, 711, 5834, 526, 1855, 13, 29937, 3601, 29889, 11333, 580, 13, 29968, 29918, 6051, 351, 29922, 29906, 29900, 29900, 29900, 13, 29907, 29918, 6051, 351, 29922, 29896, 29900, 29900, 13, 13, 29909, 29918, 6051, 351, 29922, 29896, 29872, 29899, 29941, 13, 13, 29968, 29922, 9302, 29889, 22350, 29898, 29941, 11877, 29968, 29918, 6051, 351, 13, 29907, 29922, 9302, 29889, 22350, 29898, 29941, 11877, 29907, 29918, 6051, 351, 13, 29909, 29922, 9302, 29889, 22350, 29898, 29941, 11877, 29909, 29918, 6051, 351, 13, 13, 29937, 29968, 29918, 6051, 351, 29922, 29900, 29889, 29941, 13, 29937, 29907, 29918, 6051, 351, 29922, 29900, 29889, 29900, 29945, 13, 13, 13, 1454, 474, 297, 3464, 29898, 29941, 1125, 13, 1678, 476, 29961, 29875, 29892, 474, 13192, 29968, 29918, 6051, 351, 13, 1678, 315, 29961, 29875, 29892, 29875, 13192, 29907, 29918, 6051, 351, 13, 1678, 319, 29961, 29875, 29892, 474, 29962, 353, 319, 29918, 6051, 351, 13, 13, 13, 29916, 29918, 524, 616, 29922, 3601, 29889, 1272, 29889, 2746, 29918, 29916, 1066, 29961, 29896, 29962, 13, 2158, 29898, 29916, 29918, 524, 616, 29897, 13, 29916, 29918, 2783, 2859, 29922, 9302, 29889, 2378, 4197, 29900, 29892, 29896, 29892, 29900, 29889, 29941, 2314, 13, 13, 29894, 29918, 524, 616, 29922, 3601, 29889, 1272, 29889, 2746, 29918, 29916, 955, 29886, 29961, 29896, 29962, 13, 29894, 29918, 2783, 2859, 29922, 9302, 29889, 2378, 4197, 29900, 29892, 29900, 29892, 29900, 2314, 13, 13, 29874, 29918, 2783, 2859, 29922, 9302, 29889, 2378, 4197, 29900, 29892, 29900, 29892, 29900, 2314, 13, 29874, 29918, 524, 616, 29922, 9302, 29889, 2378, 4197, 29900, 29892, 29900, 29892, 29900, 2314, 13, 13, 13, 6008, 29922, 3601, 29889, 4299, 29889, 3670, 29889, 9346, 342, 1022, 13, 29937, 3601, 29889, 1272, 29889, 657, 29918, 2746, 29918, 29926, 562, 29886, 877, 5182, 742, 432, 562, 29886, 29922, 5182, 29918, 29926, 562, 29886, 29897, 13, 1678, 396, 10575, 367, 443, 15033, 1156, 6576, 313, 9171, 3158, 29897, 13, 4262, 29922, 2636, 13, 1454, 903, 297, 3464, 29898, 29896, 29900, 29900, 29900, 29900, 29900, 1125, 13, 1678, 383, 7503, 29941, 13192, 9302, 29889, 6333, 29898, 29968, 29892, 29916, 29918, 2783, 2859, 29899, 29916, 29918, 524, 616, 7240, 9302, 29889, 6333, 29898, 29907, 29892, 29894, 29918, 2783, 2859, 29899, 29894, 29918, 524, 616, 7240, 9302, 29889, 6333, 29898, 29909, 29892, 29874, 29918, 2783, 2859, 29899, 29874, 29918, 524, 616, 29897, 13, 1678, 379, 353, 7442, 29889, 3298, 359, 29898, 3601, 29889, 4299, 29889, 29876, 29894, 29930, 1027, 29889, 4299, 29889, 29876, 29894, 29897, 13, 1678, 3168, 29889, 29885, 29926, 29918, 8159, 29924, 29898, 3601, 29889, 4299, 29892, 379, 29892, 1027, 29889, 1272, 29889, 29939, 29924, 29897, 13, 13, 1678, 1027, 29889, 1272, 29889, 657, 29918, 2746, 29918, 29926, 562, 29886, 877, 5182, 742, 432, 562, 29886, 29922, 5182, 29918, 29926, 562, 29886, 29897, 13, 1678, 1027, 29889, 1272, 29889, 657, 29918, 2746, 29918, 29926, 562, 29878, 877, 5182, 742, 432, 562, 29878, 29922, 5182, 29918, 29926, 562, 29878, 29897, 13, 1678, 435, 29918, 29931, 353, 3646, 29918, 29926, 562, 29886, 29889, 690, 14443, 3552, 29941, 29892, 1027, 29889, 4299, 29889, 29876, 29894, 876, 13, 1678, 435, 29918, 29909, 353, 3646, 29918, 29926, 562, 29878, 29889, 690, 14443, 3552, 29941, 29892, 1027, 29889, 4299, 29889, 29876, 29894, 876, 13, 1678, 435, 353, 7442, 29889, 535, 29883, 2579, 403, 3552, 29967, 29918, 29931, 29892, 435, 29918, 29909, 511, 9685, 29922, 29900, 29897, 13, 1678, 379, 29918, 29931, 353, 9302, 29889, 6333, 29898, 9302, 29889, 29880, 979, 29887, 29889, 29886, 11569, 29898, 29967, 29918, 29931, 29889, 29911, 511, 9302, 29889, 6333, 29898, 29950, 29889, 690, 14443, 29898, 3601, 29889, 4299, 29889, 29876, 29894, 29892, 1027, 29889, 4299, 29889, 29876, 29894, 511, 7442, 29889, 29880, 979, 29887, 29889, 29886, 11569, 29898, 29967, 29918, 29931, 4961, 13, 1678, 379, 29918, 497, 29922, 9302, 29889, 6333, 29898, 9302, 29889, 29880, 979, 29887, 29889, 29886, 11569, 29898, 29967, 29889, 29911, 511, 9302, 29889, 6333, 29898, 29950, 29889, 690, 14443, 29898, 3601, 29889, 4299, 29889, 29876, 29894, 29892, 1027, 29889, 4299, 29889, 29876, 29894, 511, 7442, 29889, 29880, 979, 29887, 29889, 29886, 11569, 29898, 29967, 4961, 13, 1678, 396, 29943, 29918, 29874, 29922, 9302, 29889, 6333, 29898, 29909, 29892, 29900, 29889, 29941, 29899, 3601, 29889, 1272, 29889, 29939, 5753, 29897, 13, 1678, 396, 2467, 353, 7442, 29889, 6333, 29898, 29967, 29918, 29931, 29889, 29911, 29892, 7442, 29889, 6333, 29898, 29950, 29918, 29931, 29892, 383, 7503, 29941, 12622, 29974, 3601, 29889, 1272, 29889, 29939, 1341, 29883, 29918, 29890, 3173, 13, 1678, 3158, 353, 1027, 29889, 1272, 29889, 29939, 1341, 29883, 29918, 29890, 3173, 29974, 9302, 29889, 6333, 29898, 29950, 29889, 690, 14443, 29898, 29941, 29892, 29941, 511, 9302, 29889, 6333, 29898, 29967, 29918, 29931, 29889, 29911, 29892, 29943, 7503, 29941, 12622, 13, 1678, 396, 2158, 29898, 2467, 29897, 13, 1678, 396, 2467, 353, 29871, 7442, 29889, 6333, 29898, 29967, 29889, 29911, 29892, 383, 29897, 13, 1678, 1027, 29889, 1272, 29889, 24220, 7503, 29962, 353, 3158, 13, 1678, 1027, 29889, 10568, 580, 13, 1678, 1027, 29889, 11333, 580, 13, 1678, 396, 2158, 29898, 9302, 29889, 3317, 29898, 2467, 876, 13, 1678, 396, 2158, 29898, 3601, 29889, 1272, 29889, 29939, 5753, 29897, 13, 1678, 6316, 556, 29889, 9482, 580, 13, 1678, 921, 29918, 524, 616, 353, 1027, 29889, 1272, 29889, 2746, 29918, 29916, 1066, 29961, 29896, 29962, 13, 1678, 263, 29918, 524, 616, 7607, 29894, 29918, 524, 616, 29899, 3601, 29889, 1272, 29889, 2746, 29918, 29916, 955, 29886, 29961, 29896, 2314, 29914, 6008, 13, 1678, 1596, 29898, 29874, 29918, 524, 616, 29897, 13, 1678, 325, 29918, 524, 616, 353, 1027, 29889, 1272, 29889, 2746, 29918, 29916, 955, 29886, 29961, 29896, 29962, 13, 1678, 4226, 29922, 9302, 29889, 29880, 979, 29887, 29889, 12324, 29898, 29916, 29918, 524, 616, 29899, 29916, 29918, 2783, 2859, 29897, 13, 1678, 396, 2158, 29898, 8945, 29897, 13, 1678, 565, 4226, 29966, 29900, 29889, 29896, 29901, 13, 4706, 1596, 703, 262, 1159, 13, 4706, 565, 921, 29918, 2783, 2859, 29961, 29900, 29962, 1360, 29900, 29901, 13, 9651, 921, 29918, 2783, 2859, 353, 7442, 29889, 2378, 4197, 29899, 29896, 29892, 29871, 29900, 29892, 29871, 29900, 29889, 29945, 2314, 13, 4706, 25342, 921, 29918, 2783, 2859, 29961, 29900, 29962, 1360, 29896, 29901, 13, 9651, 921, 29918, 2783, 2859, 353, 7442, 29889, 2378, 4197, 29900, 29892, 29871, 29896, 29892, 29871, 29900, 29889, 29941, 2314, 13, 4706, 25342, 921, 29918, 2783, 2859, 29961, 29900, 29962, 1275, 448, 29896, 29901, 13, 9651, 921, 29918, 2783, 2859, 353, 7442, 29889, 2378, 4197, 29896, 29892, 29871, 29900, 29892, 29871, 29900, 29889, 29945, 2314, 13, 13, 13, 1678, 3983, 29889, 4397, 29898, 9302, 29889, 6897, 29898, 29916, 29918, 524, 616, 29899, 29916, 29918, 2783, 2859, 876, 13, 396, 259, 1027, 29889, 11333, 580, 13, 13, 13, 2158, 703, 1552, 7429, 338, 6571, 322, 278, 938, 616, 338, 8875, 1642, 4830, 29898, 29916, 29918, 2783, 2859, 29892, 29916, 29918, 524, 616, 876, 13, 572, 29873, 29889, 5317, 29898, 4262, 29897, 13, 572, 29873, 29889, 4294, 580, 2 ]